| Operator | BPU | CPU |
|---|---|---|
| torch.abs torch.Tensor.abs | Y | Y |
| torch.acos | Y | Y |
| torch.acosh | Y | Y |
| torch.add torch.Tensor.add | Y | Y |
| torch.all torch.Tensor.all | Y | Y |
| torch.any torch.Tensor.any | Y | Y |
| torch.argmax torch.Tensor.argmax | Y | Y |
| torch.argmin torch.Tensor.argmin | Y | Y |
| torch.asin | Y | Y |
| torch.asinh | Y | Y |
| torch.atan | Y | Y |
| torch.atanh | Y | Y |
| torch.ceil | Y | Y |
| torch.clamp torch.clip torch.Tensor.clamp torch.Tensor.clip | Y | Y |
| torch.cat torch.concat torch.concatenate | Y | Y |
| torch.cos | Y | Y |
| torch.cosh | Y | Y |
| torch.cumsum torch.Tensor.cumsum | Y | Y |
| torch.div | Y | Y |
| torch.eq torch.Tensor.eq | Y | Y |
| torch.gather torch.Tensor.gather | Y | Y |
| torch.gt torch.greater torch.Tensor.gt torch.Tensor.greater | Y | Y |
| torch.ge torch.greater_equal torch.Tensor.ge torch.Tensor.greater_equal | Y | Y |
| torch.lt torch.less torch.Tensor.lt torch.Tensor.less | Y | Y |
| torch.le torch.less_equal torch.Tensor.le torch.Tensor.less_equal | Y | Y |
| torch.erf | Y | Y |
| torch.exp | Y | Y |
| torch.Tensor.expand | Y | Y |
| torch.flatten torch.Tensor.flatten | Y | Y |
| torch.flip torch.Tensor.flip | Y | Y |
| torch.floor | Y | Y |
| torch.fmod torch.remainder | N | Y |
| torch.index_select torch.Tensor.index_select | Y | Y |
| torch.log | Y | Y |
| torch.logical_and | Y | Y |
| torch.logical_not | Y | Y |
| torch.logical_or | Y | Y |
| torch.Tensor.masked_fill | Y | Y |
| torch.matmul | Y | Y |
| torch.max torch.Tensor.max | Y | Y |
| torch.maximum | Y | Y |
| torch.mean | Y | Y |
| torch.min torch.Tensor.min | Y | Y |
| torch.minimum | Y | Y |
| torch.mul torch.Tensor.mul | Y | Y |
| torch.neg torch.negative torch.Tensor.neg torch.Tensor.negative | Y | Y |
| torch.nonzero Tensor.nonzero | N | Y |
| torch.ne torch.not_equal torch.Tensor.ne torch.Tensor.not_equal | Y | Y |
| torch.permute torch.Tensor.permute | Y | Y |
| torch.pow | Y | Y |
| torch.reciprocal | Y | Y |
| torch.Tensor.repeat | Y | Y |
| torch.reshape torch.Tensor.reshape torch.Tensor.view | Y | Y |
| torch.roll torch.Tensor.roll | Y | Y |
| torch.rsqrt torch.Tensor.rsqrt | Y | Y |
| torch.scatter torch.Tensor.scatter | N | Y |
| torch.scatter_add torch.Tensor.scatter_add | N | Y |
| torch.scatter_reduce torch.Tensor.scatter_reduce | N | Y |
| torch.sign torch.Tensor.sign | N | Y |
| torch.sin | Y | Y |
| torch.sinh | Y | Y |
| torch.slice_scatter | Y | Y |
| torch.split | Y | Y |
| torch.sqrt | Y | Y |
| torch.squeeze torch.Tensor.squeeze | Y | Y |
| torch.stack | Y | Y |
| torch.sub | Y | Y |
| torch.sum | Y | Y |
| torch.tan | Y | Y |
| torch.tile torch.Tensor.tile | Y | Y |
| torch.Tensor.to torch.Tensor.float | Y | Y |
| torch.topk torch.Tensor.topk horizon_plugin_pytorch.functional.stable_topk | N | Y |
| torch.transpose torch.Tensor.transpose | Y | Y |
| torch.tril | Y | Y |
| torch.triu | Y | Y |
| torch.unsqueeze torch.Tensor.unsqueeze | Y | Y |
| torch.where | Y | Y |
| torch.zeros_like torch.ones_like | Y | Y |
| torch.linalg.norm | Y | Y |
| torch.nn.functional.adaptive_avg_pool1d torch.nn.AdaptiveAvgPool1d | Y | Y |
| torch.nn.functional.adaptive_avg_pool2d torch.nn.AdaptiveAvgPool2d | Y | Y |
| torch.nn.functional.avg_pool2d torch.nn.AvgPool2d | Y | Y |
| torch.nn.functional.dropout torch.nn.Dropout torch.nn.functional.dropout2d torch.nn.Dropout2d | Y | Y |
| torch.nn.functional.elu torch.nn.ELU | Y | Y |
| torch.nn.Embedding | Y | Y |
| torch.nn.functional.gelu torch.nn.GELU | Y | Y |
| torch.nn.functional.glu torch.nn.GLU | Y | N |
| torch.nn.functional.grid_sample | Y | Y |
| torch.nn.functional.hardsigmoid torch.nn.HardSigmoid | Y | Y |
| torch.nn.functional.interpolate torch.nn.Upsample torch.nn.UpsamplingNearest2d torch.nn.UpsamplingBilinear2d | Y | Y |
| torch.nn.functional.leaky_relu torch.nn.LeakyReLU | Y | Y |
| torch.nn.functional.log_softmax torch.nn.LogSoftmax | Y | Y |
| torch.nn.functional.mish torch.nn.Mish | Y | Y |
| torch.nn.functional.normalize | Y | Y |
| torch.nn.functional.pad torch.nn.ConstantPad1d torch.nn.ConstantPad2d torch.nn.ConstantPad3d torch.nn.ReplicationPad1d torch.nn.ReplicationPad2d torch.nn.ReplicationPad3d torch.nn.ZeroPad2d | Y | Y |
| torch.nn.functional.pixel_shuffle torch.nn.PixelShuffle | Y | Y |
| torch.nn.functional.pixel_unshuffle torch.nn.PixelUnshuffle | Y | Y |
| torch.nn.PReLU | Y | Y |
| torch.nn.functional.relu torch.nn.ReLU | Y | Y |
| torch.nn.ReLU6(fused) | Y | Y |
| torch.nn.functional.silu torch.nn.SiLU | Y | Y |
| torch.nn.functional.softmax torch.nn.Softmax | Y | Y |
| torch.nn.functional.softplus torch.nn.Softplus | Y | Y |
| torch.nn.BatchNorm2d torch.nn.BatchNorm3d | Y | Y |
| torch.nn.Conv1d torch.nn.Conv2d | Y | Y |
| torch.nn.ConvTranspose1d torch.nn.ConvTranspose2d | Y | Y |
| torch.nn.GRU | Y | Y |
| torch.nn.LSTM | Y | Y |
| torch.nn.Identity | Y | Y |
| torch.nn.LayerNorm torch.nn.GroupNorm torch.nn.InstanceNorm1d torch.nn.InstanceNorm2d torch.nn.InstanceNorm3d | Y | Y |
| horizon.nn.LayerNorm | Y | Y |
| torch.nn.Linear | Y | Y |
| torch.masked_scatter | N | Y |
| torch.masked_select torch.Tensor.masked_select | N | Y |
| torch.nn.functional.max_pool1d torch.nn.MaxPool1d torch.nn.functional.adaptive_max_pool1d torch.nn.AdaptiveMaxPool1d | Y | Y |
| torch.nn.functional.max_pool2d torch.nn.MaxPool2d torch.nn.functional.adaptive_max_pool2d torch.nn.AdaptiveMaxPool2d | Y | Y |
| torch.nn.MultiheadAttention | Y | Y |
| torch.nn.functional.selu torch.nn.SELU | Y | N |
| torch.nn.functional.sigmoid torch.sigmoid torch.Tensor.sigmoid torch.nn.Sigmoid | Y | Y |
| torch.sort torch.Tensor.sort | N | Y |
| torch.tanh torch.nn.Tanh | Y | Y |
| torch.nn.TransformerDecoderLayer | Y | Y |
| torch.nn.TransformerEncoderLayer | Y | Y |
| torch.quantization.DeQuantStub | N | Y |
| torch.quantization.QuantStub | N | Y |
| horizon.nn.AnchorGenerator | Y | Y |
| horizon.nn.BaseGridGenerator | Y | Y |
| horizon.nn.functional.bev_pool_v2 | N | Y |
| horizon.nn.functional.filter | Y | N |
| horizon.nn.GridSample | Y | Y |
| horizon.nn.functional.point_pillars_preprocess | N | Y |
| horizon.nn.functional.point_pillars_scatter horizon.nn.PointPillarsScatter | N | Y |
| horizon.nn.functional.scatter_reduce_nd | N | Y |
| torchvision.ops.DeformConv2d | Y | Y |
| torch.Tensor.__getitem__ | Y | Y |
| torch.Tensor.__setitem__ | N | Y |
| torch.Tensor.clone torch.Tensor.contiguous torch.Tensor.detach | Y | Y |