Last active
February 27, 2025 17:34
-
-
Save justinchuby/af2f7ee905520fafdbd4d17b8d97a7ac to your computer and use it in GitHub Desktop.
PyTorch ONNX exporter supported ops
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
"""Display all PyTorch ONNX exporter supported ops. | |
NOTE: This is using internal methods. Do not use it in production code. | |
NOTE: Ops implemented via decomp may not be supported because they may still be decomposed | |
into ops that are without native implementation. They include some backward ops, | |
svd, sq, and some others. | |
""" | |
from torch.onnx._internal.exporter import _decomp, _registration | |
internal_registry = _registration.ONNXRegistry.from_torchlib() | |
onnx_implemented_ops = _decomp.get_onnx_implemented_overloads(internal_registry) | |
print("Ops implemented natively:") | |
names = [op.name() for op in onnx_implemented_ops] | |
names.sort() | |
for name in names: | |
print(f" {name}") | |
print() | |
print("Ops implemented by decompositions:") | |
names = [ | |
op.name() | |
for op in _decomp.create_onnx_friendly_decomposition_table( | |
set(onnx_implemented_ops) | |
) | |
] | |
names.sort() | |
for name in names: | |
print(f" {name}") |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Ops implemented natively: | |
aten::_embedding_bag | |
aten::_embedding_bag_forward_only | |
aten::_fft_c2c | |
aten::_fft_c2r | |
aten::_fft_r2c | |
aten::_linalg_det | |
aten::_local_scalar_dense | |
aten::_log_softmax | |
aten::_native_batch_norm_legit | |
aten::_native_batch_norm_legit.no_stats | |
aten::_native_batch_norm_legit_functional | |
aten::_native_batch_norm_legit_no_training | |
aten::_prelu_kernel | |
aten::_scaled_dot_product_efficient_attention | |
aten::_scaled_dot_product_flash_attention | |
aten::_scaled_dot_product_flash_attention_for_cpu | |
aten::_softmax | |
aten::_to_copy | |
aten::_unsafe_index.Tensor | |
aten::_unsafe_index_put | |
aten::_unsafe_view | |
aten::abs | |
aten::acos | |
aten::acosh | |
aten::add.Scalar | |
aten::add.Tensor | |
aten::addbmm | |
aten::addcdiv | |
aten::addcmul | |
aten::addmm | |
aten::addmv | |
aten::addr | |
aten::alias | |
aten::all | |
aten::all.dim | |
aten::all.dims | |
aten::allclose | |
aten::amax | |
aten::amin | |
aten::any | |
aten::any.dim | |
aten::any.dims | |
aten::arange | |
aten::arange.start | |
aten::arange.start_step | |
aten::argmax | |
aten::argmin | |
aten::as_strided | |
aten::asin | |
aten::asinh | |
aten::atan | |
aten::atan2 | |
aten::atanh | |
aten::atleast_1d | |
aten::atleast_1d.Sequence | |
aten::atleast_2d | |
aten::atleast_2d.Sequence | |
aten::atleast_3d | |
aten::atleast_3d.Sequence | |
aten::avg_pool1d | |
aten::avg_pool2d | |
aten::avg_pool3d | |
aten::baddbmm | |
aten::bernoulli | |
aten::bernoulli.p | |
aten::bitwise_and.Scalar | |
aten::bitwise_and.Scalar_Tensor | |
aten::bitwise_and.Tensor | |
aten::bitwise_left_shift.Scalar_Tensor | |
aten::bitwise_left_shift.Tensor | |
aten::bitwise_left_shift.Tensor_Scalar | |
aten::bitwise_not | |
aten::bitwise_or.Scalar | |
aten::bitwise_or.Scalar_Tensor | |
aten::bitwise_or.Tensor | |
aten::bitwise_right_shift.Scalar_Tensor | |
aten::bitwise_right_shift.Tensor | |
aten::bitwise_right_shift.Tensor_Scalar | |
aten::bitwise_xor.Scalar | |
aten::bitwise_xor.Scalar_Tensor | |
aten::bitwise_xor.Tensor | |
aten::blackman_window | |
aten::bmm | |
aten::broadcast_to | |
aten::cat | |
aten::ceil | |
aten::celu | |
aten::chunk | |
aten::clamp | |
aten::clamp.Tensor | |
aten::clamp_max | |
aten::clamp_max.Tensor | |
aten::clamp_min | |
aten::clamp_min.Tensor | |
aten::clone | |
aten::col2im | |
aten::complex | |
aten::concat | |
aten::concatenate | |
aten::conj | |
aten::constant_pad_nd | |
aten::contiguous | |
aten::conv1d | |
aten::conv2d | |
aten::conv3d | |
aten::convolution | |
aten::copy | |
aten::cos | |
aten::cosh | |
aten::cross | |
aten::cross_entropy_loss | |
aten::cumsum | |
aten::deg2rad | |
aten::det | |
aten::detach | |
aten::diagonal | |
aten::diagonal_copy | |
aten::div.Scalar | |
aten::div.Scalar_mode | |
aten::div.Tensor | |
aten::div.Tensor_mode | |
aten::divide.Scalar | |
aten::divide.Tensor | |
aten::dot | |
aten::dropout | |
aten::einsum | |
aten::elu | |
aten::embedding | |
aten::embedding_bag | |
aten::embedding_bag.padding_idx | |
aten::embedding_renorm | |
aten::empty.memory_format | |
aten::empty_like | |
aten::empty_strided | |
aten::eq | |
aten::eq.Scalar | |
aten::eq.Tensor | |
aten::equal | |
aten::erf | |
aten::erfc | |
aten::exp | |
aten::exp2 | |
aten::expand | |
aten::expand_as | |
aten::expm1 | |
aten::fill.Scalar | |
aten::fill.Tensor | |
aten::flatten.using_ints | |
aten::flip | |
aten::floor | |
aten::floor_divide | |
aten::fmod.Scalar | |
aten::fmod.Tensor | |
aten::frac | |
aten::full | |
aten::full_like | |
aten::gather | |
aten::ge.Scalar | |
aten::ge.Tensor | |
aten::gelu | |
aten::glu | |
aten::greater.Tensor | |
aten::greater_equal.Tensor | |
aten::grid_sampler | |
aten::grid_sampler_2d | |
aten::group_norm | |
aten::gt.Scalar | |
aten::gt.Tensor | |
aten::hamming_window | |
aten::hann_window | |
aten::hardsigmoid | |
aten::hardswish | |
aten::hardtanh | |
aten::hardtanh_backward | |
aten::heaviside | |
aten::im2col | |
aten::index.Tensor | |
aten::index_put | |
aten::index_select | |
aten::instance_norm | |
aten::is_nonzero | |
aten::is_same_size | |
aten::isclose | |
aten::isfinite | |
aten::isinf | |
aten::isnan | |
aten::isneginf | |
aten::isposinf | |
aten::layer_norm | |
aten::le.Scalar | |
aten::le.Tensor | |
aten::leaky_relu | |
aten::lerp.Scalar | |
aten::lerp.Tensor | |
aten::less.Tensor | |
aten::less_equal.Tensor | |
aten::lift_fresh_copy | |
aten::linalg_cross | |
aten::linalg_det | |
aten::linalg_vector_norm | |
aten::linspace | |
aten::log | |
aten::log10 | |
aten::log1p | |
aten::log2 | |
aten::log_sigmoid | |
aten::log_softmax.int | |
aten::logaddexp | |
aten::logaddexp2 | |
aten::logcumsumexp | |
aten::logdet | |
aten::logical_and | |
aten::logical_not | |
aten::logical_or | |
aten::logical_xor | |
aten::logit | |
aten::logsumexp | |
aten::lt.Scalar | |
aten::lt.Tensor | |
aten::mH | |
aten::mT | |
aten::masked_fill.Scalar | |
aten::masked_fill.Tensor | |
aten::matmul | |
aten::max | |
aten::max.dim | |
aten::max.other | |
aten::max_pool1d | |
aten::max_pool1d_with_indices | |
aten::max_pool2d | |
aten::max_pool2d_with_indices | |
aten::max_pool3d | |
aten::max_pool3d_with_indices | |
aten::maximum | |
aten::mean | |
aten::mean.dim | |
aten::min | |
aten::min.dim | |
aten::min.other | |
aten::minimum | |
aten::mish | |
aten::mm | |
aten::mse_loss | |
aten::mul | |
aten::mul.Tensor | |
aten::multinomial | |
aten::multiply.Tensor | |
aten::mv | |
aten::narrow | |
aten::native_batch_norm | |
aten::native_dropout | |
aten::native_group_norm | |
aten::native_layer_norm | |
aten::ne | |
aten::ne.Scalar | |
aten::ne.Tensor | |
aten::neg | |
aten::new_empty | |
aten::new_empty_strided | |
aten::new_full | |
aten::new_ones | |
aten::new_zeros | |
aten::nll_loss | |
aten::nll_loss_forward | |
aten::nonzero | |
aten::normal.Tensor_Tensor | |
aten::normal.Tensor_float | |
aten::normal.float_Tensor | |
aten::normal.float_float | |
aten::normal_functional | |
aten::ones | |
aten::ones_like | |
aten::permute | |
aten::pixel_shuffle | |
aten::pixel_unshuffle | |
aten::polar | |
aten::pow.Scalar | |
aten::pow.Tensor_Scalar | |
aten::pow.Tensor_Tensor | |
aten::prelu | |
aten::prod.dim_int | |
aten::rad2deg | |
aten::rand | |
aten::rand_like | |
aten::randint | |
aten::randint.low | |
aten::randint_like | |
aten::randint_like.low_dtype | |
aten::randn | |
aten::randn_like | |
aten::reciprocal | |
aten::reflection_pad1d | |
aten::reflection_pad2d | |
aten::relu | |
aten::relu6 | |
aten::remainder.Scalar | |
aten::remainder.Tensor | |
aten::repeat | |
aten::replication_pad1d | |
aten::replication_pad2d | |
aten::replication_pad3d | |
aten::reshape | |
aten::resolve_conj | |
aten::resolve_neg | |
aten::roll | |
aten::round | |
aten::round.decimals | |
aten::rsqrt | |
aten::scalar_tensor | |
aten::scaled_dot_product_attention | |
aten::scatter.value | |
aten::scatter_add | |
aten::scatter_reduce.two | |
aten::select.int | |
aten::select_scatter | |
aten::selu | |
aten::sigmoid | |
aten::sign | |
aten::silu | |
aten::sin | |
aten::sinc | |
aten::sinh | |
aten::slice.Tensor | |
aten::slice_scatter | |
aten::softmax.int | |
aten::softplus | |
aten::sort | |
aten::special_erf | |
aten::special_erfc | |
aten::special_erfcx | |
aten::special_expm1 | |
aten::special_log_softmax | |
aten::special_sinc | |
aten::special_softmax | |
aten::split | |
aten::split.Tensor | |
aten::split_with_sizes | |
aten::sqrt | |
aten::squeeze | |
aten::squeeze.dim | |
aten::stack | |
aten::sub.Scalar | |
aten::sub.Tensor | |
aten::subtract.Scalar | |
aten::subtract.Tensor | |
aten::sum | |
aten::sum.dim_IntList | |
aten::sym_size.int | |
aten::t | |
aten::tan | |
aten::tanh | |
aten::tensor.bool | |
aten::tensor.float | |
aten::tensor.int | |
aten::tile | |
aten::topk | |
aten::transpose.int | |
aten::tril | |
aten::triu | |
aten::true_divide.Scalar | |
aten::true_divide.Tensor | |
aten::trunc | |
aten::type_as | |
aten::unbind.int | |
aten::unflatten.int | |
aten::unfold | |
aten::unsafe_split.Tensor | |
aten::unsqueeze | |
aten::upsample_bicubic2d | |
aten::upsample_bicubic2d.vec | |
aten::upsample_bilinear2d | |
aten::upsample_bilinear2d.vec | |
aten::upsample_linear1d | |
aten::upsample_nearest1d | |
aten::upsample_nearest1d.vec | |
aten::upsample_nearest2d | |
aten::upsample_nearest2d.vec | |
aten::upsample_nearest3d | |
aten::upsample_nearest3d.vec | |
aten::upsample_trilinear3d | |
aten::upsample_trilinear3d.vec | |
aten::view | |
aten::view_as | |
aten::view_as_complex | |
aten::view_as_complex_copy | |
aten::view_as_real | |
aten::view_as_real_copy | |
aten::view_copy | |
aten::where.Scalar | |
aten::where.ScalarOther | |
aten::where.ScalarSelf | |
aten::where.self | |
aten::xlogy.Scalar_Other | |
aten::xlogy.Scalar_Self | |
aten::xlogy.Tensor | |
aten::zeros | |
aten::zeros_like | |
prims::abs | |
prims::acos | |
prims::acosh | |
prims::add | |
prims::asin | |
prims::asinh | |
prims::atan | |
prims::atanh | |
prims::ceil | |
prims::convert_element_type | |
prims::cos | |
prims::cosh | |
prims::device_put | |
prims::div | |
prims::eq | |
prims::erf | |
prims::exp | |
prims::floor | |
prims::ge | |
prims::gt | |
prims::le | |
prims::log | |
prims::lt | |
prims::mul | |
prims::ne | |
prims::neg | |
prims::pow | |
prims::reshape | |
prims::resize | |
prims::round | |
prims::sin | |
prims::sinh | |
prims::sqrt | |
prims::squeeze | |
prims::sub | |
prims::tan | |
prims::tanh | |
prims::transpose | |
prims::where | |
Ops implemented by decompositions: | |
_test::cat | |
_test::get_first | |
_test::leaky_relu | |
aten::__and__.Scalar | |
aten::__and__.Tensor | |
aten::__iand__.Scalar | |
aten::__iand__.Tensor | |
aten::__ilshift__.Scalar | |
aten::__ilshift__.Tensor | |
aten::__ior__.Scalar | |
aten::__ior__.Tensor | |
aten::__irshift__.Scalar | |
aten::__irshift__.Tensor | |
aten::__ixor__.Scalar | |
aten::__ixor__.Tensor | |
aten::__or__.Scalar | |
aten::__or__.Tensor | |
aten::__xor__.Scalar | |
aten::__xor__.Tensor | |
aten::_adaptive_avg_pool2d | |
aten::_adaptive_avg_pool2d.out | |
aten::_add_batch_dim | |
aten::_addmm_activation | |
aten::_addmm_activation.out | |
aten::_backward | |
aten::_batch_norm_impl_index_backward | |
aten::_batch_norm_no_update | |
aten::_batch_norm_with_update | |
aten::_batch_norm_with_update_functional | |
aten::_cast_Byte | |
aten::_cast_Char | |
aten::_cast_Double | |
aten::_cast_Float | |
aten::_cast_Half | |
aten::_cast_Int | |
aten::_cast_Long | |
aten::_cast_Short | |
aten::_choose_qparams_per_tensor | |
aten::_chunk_cat | |
aten::_chunk_cat.out | |
aten::_convolution.deprecated | |
aten::_convolution_double_backward | |
aten::_convolution_mode | |
aten::_cufft_clear_plan_cache | |
aten::_cufft_get_plan_cache_max_size | |
aten::_cufft_get_plan_cache_size | |
aten::_cufft_set_plan_cache_max_size | |
aten::_debug_has_internal_overlap | |
aten::_dim_arange | |
aten::_embedding_bag_sparse_backward | |
aten::_euclidean_dist | |
aten::_euclidean_dist.out | |
aten::_fused_dropout | |
aten::_fused_dropout.out | |
aten::_gather_sparse_backward | |
aten::_grid_sampler_2d_cpu_fallback_backward | |
aten::_has_compatible_shallow_copy_type | |
aten::_is_zerotensor | |
aten::_log_softmax.out | |
aten::_log_softmax_backward_data | |
aten::_log_softmax_backward_data.out | |
aten::_lu_with_info | |
aten::_nnpack_available | |
aten::_pack_padded_sequence_backward | |
aten::_pad_circular | |
aten::_pad_enum | |
aten::_pad_packed_sequence | |
aten::_prelu_kernel_backward | |
aten::_propagate_xla_data | |
aten::_remove_batch_dim | |
aten::_reshape_alias | |
aten::_reshape_from_tensor | |
aten::_rowwise_prune | |
aten::_safe_softmax | |
aten::_saturate_weight_to_fp16 | |
aten::_scaled_dot_product_attention_math | |
aten::_shape_as_tensor | |
aten::_sobol_engine_draw | |
aten::_softmax.out | |
aten::_softmax_backward_data | |
aten::_softmax_backward_data.out | |
aten::_sparse_bsc_tensor_unsafe | |
aten::_sparse_bsr_tensor_unsafe | |
aten::_sparse_compressed_tensor_unsafe | |
aten::_sparse_coo_tensor_unsafe | |
aten::_sparse_csc_tensor_unsafe | |
aten::_sparse_csr_tensor_unsafe | |
aten::_sparse_log_softmax.Dimname | |
aten::_sparse_log_softmax.int | |
aten::_sparse_mm | |
aten::_sparse_mm.reduce | |
aten::_sparse_softmax.Dimname | |
aten::_sparse_softmax.int | |
aten::_sparse_sum | |
aten::_sparse_sum.dim_dtype | |
aten::_sparse_sum.dtype | |
aten::_test_ambiguous_defaults.a | |
aten::_test_ambiguous_defaults.b | |
aten::_test_autograd_multiple_dispatch.ntonly | |
aten::_test_check_tensor | |
aten::_test_serialization_subcmul | |
aten::_test_string_default | |
aten::_thnn_differentiable_gru_cell_backward | |
aten::_thnn_differentiable_lstm_cell_backward | |
aten::_thnn_fused_lstm_cell_backward | |
aten::_to_copy.out | |
aten::_to_cpu | |
aten::_unsafe_masked_index | |
aten::_unsafe_masked_index_put_accumulate | |
aten::_unsafe_view.out | |
aten::_upsample_bicubic2d_aa.vec | |
aten::_upsample_bilinear2d_aa.vec | |
aten::_upsample_nearest_exact1d | |
aten::_upsample_nearest_exact1d.out | |
aten::_upsample_nearest_exact1d.vec | |
aten::_upsample_nearest_exact2d | |
aten::_upsample_nearest_exact2d.out | |
aten::_upsample_nearest_exact2d.vec | |
aten::_upsample_nearest_exact3d | |
aten::_upsample_nearest_exact3d.out | |
aten::_upsample_nearest_exact3d.vec | |
aten::_use_cudnn_rnn_flatten_weight | |
aten::_validate_sparse_bsc_tensor_args | |
aten::_validate_sparse_bsr_tensor_args | |
aten::_validate_sparse_compressed_tensor_args | |
aten::_validate_sparse_coo_tensor_args | |
aten::_validate_sparse_csc_tensor_args | |
aten::_validate_sparse_csr_tensor_args | |
aten::_version | |
aten::_weight_norm | |
aten::_weight_norm_differentiable_backward | |
aten::_weight_norm_interface | |
aten::_weight_norm_interface.out | |
aten::_wrapped_linear_prepack | |
aten::_wrapped_quantized_linear_prepacked | |
aten::abs.out | |
aten::abs_ | |
aten::absolute | |
aten::acos.out | |
aten::acos_ | |
aten::acosh.out | |
aten::acosh_ | |
aten::adaptive_avg_pool1d | |
aten::adaptive_avg_pool2d | |
aten::adaptive_avg_pool3d | |
aten::adaptive_max_pool1d | |
aten::add.Scalar_out | |
aten::add.out | |
aten::add_.Scalar | |
aten::add_.Tensor | |
aten::addbmm_ | |
aten::addcdiv.out | |
aten::addcdiv_ | |
aten::addcmul.out | |
aten::addcmul_ | |
aten::addmm.out | |
aten::addmm_ | |
aten::addmv.out | |
aten::addmv_ | |
aten::addr.out | |
aten::affine_grid_generator | |
aten::affine_grid_generator.out | |
aten::affine_grid_generator_backward | |
aten::alias_copy | |
aten::alias_copy.out | |
aten::align_as | |
aten::align_tensors | |
aten::all.all_out | |
aten::all.dimname | |
aten::all.dimname_out | |
aten::all.dims_out | |
aten::all.out | |
aten::alpha_dropout | |
aten::amax.out | |
aten::amin.out | |
aten::aminmax | |
aten::aminmax.out | |
aten::any.all_out | |
aten::any.dimname | |
aten::any.dimname_out | |
aten::any.dims_out | |
aten::any.out | |
aten::arange.out | |
aten::arange.start_out | |
aten::arccos | |
aten::arccosh | |
aten::arcsin | |
aten::arcsinh | |
aten::arctan | |
aten::arctan2 | |
aten::arctanh | |
aten::argsort | |
aten::argsort.dimname | |
aten::argsort.stable | |
aten::argwhere | |
aten::as_strided_copy | |
aten::as_strided_copy.out | |
aten::as_strided_scatter | |
aten::as_strided_scatter.out | |
aten::asin.out | |
aten::asin_ | |
aten::asinh.out | |
aten::asinh_ | |
aten::atan.out | |
aten::atan2.out | |
aten::atan2_ | |
aten::atan_ | |
aten::atanh.out | |
aten::atanh_ | |
aten::baddbmm.out | |
aten::baddbmm_ | |
aten::batch_norm_backward | |
aten::bilinear | |
aten::binary_cross_entropy | |
aten::binary_cross_entropy.out | |
aten::binary_cross_entropy_backward | |
aten::binary_cross_entropy_backward.grad_input | |
aten::binary_cross_entropy_with_logits | |
aten::binary_cross_entropy_with_logits.out | |
aten::bitwise_and.Scalar_Tensor_out | |
aten::bitwise_and.Scalar_out | |
aten::bitwise_and.Tensor_out | |
aten::bitwise_and_.Scalar | |
aten::bitwise_and_.Tensor | |
aten::bitwise_left_shift.Scalar_Tensor_out | |
aten::bitwise_left_shift.Tensor_Scalar_out | |
aten::bitwise_left_shift.Tensor_out | |
aten::bitwise_left_shift_.Tensor | |
aten::bitwise_left_shift_.Tensor_Scalar | |
aten::bitwise_not.out | |
aten::bitwise_not_ | |
aten::bitwise_or.Scalar_Tensor_out | |
aten::bitwise_or.Scalar_out | |
aten::bitwise_or.Tensor_out | |
aten::bitwise_or_.Scalar | |
aten::bitwise_or_.Tensor | |
aten::bitwise_right_shift.Scalar_Tensor_out | |
aten::bitwise_right_shift.Tensor_Scalar_out | |
aten::bitwise_right_shift.Tensor_out | |
aten::bitwise_right_shift_.Tensor | |
aten::bitwise_right_shift_.Tensor_Scalar | |
aten::bitwise_xor.Scalar_Tensor_out | |
aten::bitwise_xor.Scalar_out | |
aten::bitwise_xor.Tensor_out | |
aten::bitwise_xor_.Scalar | |
aten::bitwise_xor_.Tensor | |
aten::block_diag | |
aten::block_diag.out | |
aten::broadcast_tensors | |
aten::bucketize.Scalar | |
aten::bucketize.Scalar_out | |
aten::bucketize.Tensor | |
aten::bucketize.Tensor_out | |
aten::can_cast | |
aten::cat.names | |
aten::cat.names_out | |
aten::cat.out | |
aten::cauchy | |
aten::cauchy.out | |
aten::cauchy_ | |
aten::cdist | |
aten::ceil.out | |
aten::ceil_ | |
aten::celu.out | |
aten::celu_ | |
aten::chain_matmul | |
aten::chalf | |
aten::channel_shuffle | |
aten::channel_shuffle.out | |
aten::choose_qparams_optimized | |
aten::clamp.Tensor_out | |
aten::clamp.out | |
aten::clamp_ | |
aten::clamp_.Tensor | |
aten::clamp_max.Tensor_out | |
aten::clamp_max.out | |
aten::clamp_max_ | |
aten::clamp_max_.Tensor | |
aten::clamp_min.Tensor_out | |
aten::clamp_min.out | |
aten::clamp_min_ | |
aten::clamp_min_.Tensor | |
aten::clip | |
aten::clip.Tensor | |
aten::clone.out | |
aten::col2im.out | |
aten::column_stack | |
aten::combinations | |
aten::complex.out | |
aten::concat.names | |
aten::concatenate.names | |
aten::conj_physical | |
aten::conj_physical.out | |
aten::conj_physical_ | |
aten::constant_pad_nd.out | |
aten::conv1d.padding | |
aten::conv2d.padding | |
aten::conv3d.padding | |
aten::conv_tbc_backward | |
aten::conv_transpose1d | |
aten::conv_transpose2d.input | |
aten::conv_transpose3d.input | |
aten::copysign.Scalar | |
aten::copysign.Scalar_out | |
aten::copysign.Tensor | |
aten::copysign.out | |
aten::copysign_.Scalar | |
aten::copysign_.Tensor | |
aten::corrcoef | |
aten::cos.out | |
aten::cos_ | |
aten::cosh.out | |
aten::cosh_ | |
aten::cosine_embedding_loss | |
aten::cosine_similarity | |
aten::count_nonzero | |
aten::count_nonzero.dim_IntList | |
aten::count_nonzero.dim_IntList_out | |
aten::count_nonzero.out | |
aten::cov | |
aten::ctc_loss.IntList | |
aten::ctc_loss.Tensor | |
aten::cudnn_batch_norm | |
aten::cudnn_batch_norm.out | |
aten::cudnn_batch_norm_backward | |
aten::cudnn_batch_norm_backward.out | |
aten::cudnn_is_acceptable | |
aten::cummax.dimname | |
aten::cummaxmin_backward | |
aten::cummin.dimname | |
aten::cumprod | |
aten::cumprod.dimname | |
aten::cumprod.dimname_out | |
aten::cumprod.out | |
aten::cumprod_ | |
aten::cumprod_.dimname | |
aten::cumprod_backward | |
aten::cumsum.dimname | |
aten::cumsum.dimname_out | |
aten::cumsum.out | |
aten::cumsum_ | |
aten::cumsum_.dimname | |
aten::cumulative_trapezoid.dx | |
aten::cumulative_trapezoid.x | |
aten::data | |
aten::deg2rad.out | |
aten::deg2rad_ | |
aten::diag | |
aten::diag.out | |
aten::diag_embed | |
aten::diag_embed.out | |
aten::diagflat | |
aten::diagonal.Dimname | |
aten::diagonal_backward | |
aten::diagonal_backward.out | |
aten::diagonal_copy.out | |
aten::diagonal_scatter | |
aten::diagonal_scatter.out | |
aten::diff | |
aten::digamma | |
aten::digamma.out | |
aten::digamma_ | |
aten::dist | |
aten::dist.out | |
aten::div.Scalar_mode_out | |
aten::div.Scalar_out | |
aten::div.out | |
aten::div.out_mode | |
aten::div_.Scalar | |
aten::div_.Scalar_mode | |
aten::div_.Tensor | |
aten::div_.Tensor_mode | |
aten::divide.Scalar_mode | |
aten::divide.Tensor_mode | |
aten::dot.out | |
aten::dstack | |
aten::elu.out | |
aten::elu_ | |
aten::elu_backward | |
aten::elu_backward.grad_input | |
aten::embedding.out | |
aten::embedding_backward | |
aten::embedding_dense_backward | |
aten::embedding_dense_backward.out | |
aten::embedding_sparse_backward | |
aten::empty_like.out | |
aten::empty_strided.out | |
aten::eq.Scalar_out | |
aten::eq.Tensor_out | |
aten::eq_.Scalar | |
aten::eq_.Tensor | |
aten::erf.out | |
aten::erf_ | |
aten::erfc.out | |
aten::erfc_ | |
aten::erfinv | |
aten::erfinv.out | |
aten::erfinv_ | |
aten::exp.out | |
aten::exp2.out | |
aten::exp2_ | |
aten::exp_ | |
aten::expand_copy | |
aten::expand_copy.out | |
aten::expm1.out | |
aten::expm1_ | |
aten::exponential | |
aten::exponential.out | |
aten::exponential_ | |
aten::eye | |
aten::eye.m | |
aten::eye.m_out | |
aten::eye.out | |
aten::fake_quantize_per_channel_affine | |
aten::fake_quantize_per_channel_affine_cachemask_backward | |
aten::fake_quantize_per_tensor_affine | |
aten::fake_quantize_per_tensor_affine.tensor_qparams | |
aten::fake_quantize_per_tensor_affine_cachemask_backward | |
aten::fbgemm_linear_fp16_weight | |
aten::fbgemm_linear_fp16_weight_fp32_activation | |
aten::fbgemm_linear_int8_weight | |
aten::fbgemm_linear_int8_weight_fp32_activation | |
aten::fbgemm_linear_quantize_weight | |
aten::fbgemm_pack_gemm_matrix_fp16 | |
aten::fbgemm_pack_quantized_matrix | |
aten::fbgemm_pack_quantized_matrix.KN | |
aten::fft_fft | |
aten::fft_fft.out | |
aten::fft_fft2 | |
aten::fft_fft2.out | |
aten::fft_fftn | |
aten::fft_fftn.out | |
aten::fft_fftshift | |
aten::fft_hfft | |
aten::fft_hfft.out | |
aten::fft_hfft2 | |
aten::fft_hfft2.out | |
aten::fft_hfftn | |
aten::fft_hfftn.out | |
aten::fft_ifft | |
aten::fft_ifft.out | |
aten::fft_ifft2 | |
aten::fft_ifft2.out | |
aten::fft_ifftn | |
aten::fft_ifftn.out | |
aten::fft_ifftshift | |
aten::fft_ihfft | |
aten::fft_ihfft.out | |
aten::fft_ihfft2 | |
aten::fft_ihfft2.out | |
aten::fft_ihfftn | |
aten::fft_ihfftn.out | |
aten::fft_irfft | |
aten::fft_irfft.out | |
aten::fft_irfft2 | |
aten::fft_irfft2.out | |
aten::fft_irfftn | |
aten::fft_irfftn.out | |
aten::fft_rfft | |
aten::fft_rfft.out | |
aten::fft_rfft2 | |
aten::fft_rfft2.out | |
aten::fft_rfftn | |
aten::fft_rfftn.out | |
aten::fill_.Scalar | |
aten::fill_.Tensor | |
aten::fix | |
aten::flatten_dense_tensors | |
aten::flip.out | |
aten::fliplr | |
aten::flipud | |
aten::float_power.Scalar | |
aten::float_power.Tensor_Scalar | |
aten::float_power.Tensor_Tensor | |
aten::float_power_.Scalar | |
aten::float_power_.Tensor | |
aten::floor.out | |
aten::floor_ | |
aten::floor_divide.Scalar | |
aten::floor_divide.Scalar_out | |
aten::floor_divide.out | |
aten::floor_divide_.Scalar | |
aten::floor_divide_.Tensor | |
aten::fmax | |
aten::fmax.out | |
aten::fmin | |
aten::fmin.out | |
aten::fmod.Scalar_out | |
aten::fmod.Tensor_out | |
aten::fmod_.Scalar | |
aten::fmod_.Tensor | |
aten::frac.out | |
aten::frac_ | |
aten::frexp.Tensor | |
aten::frexp.Tensor_out | |
aten::frobenius_norm.dim | |
aten::full.out | |
aten::gather.dimname | |
aten::gather_backward | |
aten::gcd | |
aten::gcd.out | |
aten::gcd_ | |
aten::ge.Scalar_out | |
aten::ge.Tensor_out | |
aten::ge_.Scalar | |
aten::ge_.Tensor | |
aten::gelu.out | |
aten::gelu_ | |
aten::gelu_backward | |
aten::gelu_backward.grad_input | |
aten::geometric | |
aten::geometric.out | |
aten::geometric_ | |
aten::ger | |
aten::get_gradients | |
aten::glu.out | |
aten::glu_backward | |
aten::glu_backward.grad_input | |
aten::gradient.array | |
aten::gradient.scalararray | |
aten::gradient.scalarint | |
aten::gradient.scalarrayarray | |
aten::gradient.scalarrayint | |
aten::gradient.tensorarray | |
aten::gradient.tensorarrayint | |
aten::greater.Scalar | |
aten::greater_equal.Scalar | |
aten::grid_sampler_2d.out | |
aten::gru.data | |
aten::gru.input | |
aten::gru_cell | |
aten::gt.Scalar_out | |
aten::gt.Tensor_out | |
aten::gt_.Scalar | |
aten::gt_.Tensor | |
aten::hardshrink | |
aten::hardshrink.out | |
aten::hardsigmoid.out | |
aten::hardsigmoid_ | |
aten::hardsigmoid_backward | |
aten::hardsigmoid_backward.grad_input | |
aten::hardswish.out | |
aten::hardswish_ | |
aten::hardswish_backward | |
aten::hardswish_backward.out | |
aten::hardtanh.out | |
aten::hardtanh_ | |
aten::hardtanh_backward.grad_input | |
aten::heaviside.out | |
aten::heaviside_ | |
aten::hinge_embedding_loss | |
aten::histogramdd | |
aten::histogramdd.TensorList_bins | |
aten::histogramdd.int_bins | |
aten::hstack | |
aten::huber_loss | |
aten::huber_loss.out | |
aten::huber_loss_backward | |
aten::huber_loss_backward.out | |
aten::hypot | |
aten::hypot.out | |
aten::hypot_ | |
aten::i0 | |
aten::i0.out | |
aten::i0_ | |
aten::igamma | |
aten::igamma.out | |
aten::igamma_ | |
aten::igammac | |
aten::igammac.out | |
aten::igammac_ | |
aten::im2col.out | |
aten::index_add | |
aten::index_add.dimname | |
aten::index_add.out | |
aten::index_add_ | |
aten::index_copy | |
aten::index_copy.dimname | |
aten::index_copy.out | |
aten::index_copy_ | |
aten::index_copy_.dimname | |
aten::index_fill.Dimname_Scalar | |
aten::index_fill.Dimname_Tensor | |
aten::index_fill.int_Scalar | |
aten::index_fill.int_Scalar_out | |
aten::index_fill.int_Tensor | |
aten::index_fill.int_Tensor_out | |
aten::index_fill_.Dimname_Scalar | |
aten::index_fill_.Dimname_Tensor | |
aten::index_fill_.int_Scalar | |
aten::index_fill_.int_Tensor | |
aten::index_put_ | |
aten::index_reduce_ | |
aten::index_select.dimname | |
aten::index_select.dimname_out | |
aten::index_select.out | |
aten::index_select_backward | |
aten::infinitely_differentiable_gelu_backward | |
aten::inner | |
aten::inverse | |
aten::is_complex | |
aten::is_conj | |
aten::is_distributed | |
aten::is_floating_point | |
aten::is_inference | |
aten::is_leaf | |
aten::is_neg | |
aten::is_signed | |
aten::is_vulkan_available | |
aten::isin.Scalar_Tensor | |
aten::isin.Scalar_Tensor_out | |
aten::isin.Tensor_Scalar | |
aten::isin.Tensor_Scalar_out | |
aten::isin.Tensor_Tensor | |
aten::isin.Tensor_Tensor_out | |
aten::isinf.out | |
aten::isnan.out | |
aten::isneginf.out | |
aten::isposinf.out | |
aten::isreal | |
aten::istft | |
aten::item | |
aten::kl_div | |
aten::kron | |
aten::kthvalue.dimname | |
aten::l1_loss | |
aten::lcm | |
aten::lcm.out | |
aten::lcm_ | |
aten::ldexp.Tensor | |
aten::le.Scalar_out | |
aten::le.Tensor_out | |
aten::le_.Scalar | |
aten::le_.Tensor | |
aten::leaky_relu.out | |
aten::leaky_relu_ | |
aten::leaky_relu_backward | |
aten::leaky_relu_backward.grad_input | |
aten::lerp.Scalar_out | |
aten::lerp.Tensor_out | |
aten::lerp_.Scalar | |
aten::lerp_.Tensor | |
aten::less.Scalar | |
aten::less_equal.Scalar | |
aten::lgamma | |
aten::lgamma.out | |
aten::lgamma_ | |
aten::lift | |
aten::lift.out | |
aten::lift_fresh | |
aten::linalg_cholesky | |
aten::linalg_cond | |
aten::linalg_cond.p_str | |
aten::linalg_cross.out | |
aten::linalg_eigh | |
aten::linalg_eigvals | |
aten::linalg_eigvalsh | |
aten::linalg_inv | |
aten::linalg_ldl_factor | |
aten::linalg_lu_factor | |
aten::linalg_matmul | |
aten::linalg_matrix_norm | |
aten::linalg_matrix_norm.str_ord | |
aten::linalg_matrix_power | |
aten::linalg_matrix_rank | |
aten::linalg_matrix_rank.atol_rtol_float | |
aten::linalg_matrix_rank.atol_rtol_tensor | |
aten::linalg_matrix_rank.tol_tensor | |
aten::linalg_multi_dot | |
aten::linalg_norm | |
aten::linalg_norm.ord_str | |
aten::linalg_pinv | |
aten::linalg_pinv.atol_rtol_float | |
aten::linalg_pinv.rcond_tensor | |
aten::linalg_slogdet | |
aten::linalg_solve | |
aten::linalg_solve_ex | |
aten::linalg_svd | |
aten::linalg_svdvals | |
aten::linalg_tensorinv | |
aten::linalg_tensorsolve | |
aten::linalg_vander | |
aten::linalg_vecdot | |
aten::linalg_vector_norm.out | |
aten::linear | |
aten::linspace.Scalar_Tensor | |
aten::linspace.Scalar_Tensor_out | |
aten::linspace.Tensor_Scalar | |
aten::linspace.Tensor_Scalar_out | |
aten::linspace.Tensor_Tensor | |
aten::linspace.Tensor_Tensor_out | |
aten::linspace.out | |
aten::log.out | |
aten::log10.out | |
aten::log10_ | |
aten::log1p.out | |
aten::log1p_ | |
aten::log2.out | |
aten::log2_ | |
aten::log_ | |
aten::log_normal | |
aten::log_normal.out | |
aten::log_normal_ | |
aten::log_sigmoid_backward | |
aten::log_sigmoid_backward.grad_input | |
aten::log_sigmoid_forward | |
aten::log_sigmoid_forward.output | |
aten::log_softmax.Dimname | |
aten::logaddexp.out | |
aten::logaddexp2.out | |
aten::logcumsumexp.dimname | |
aten::logical_and.out | |
aten::logical_and_ | |
aten::logical_not.out | |
aten::logical_not_ | |
aten::logical_or.out | |
aten::logical_or_ | |
aten::logical_xor.out | |
aten::logical_xor_ | |
aten::logit.out | |
aten::logit_ | |
aten::logit_backward | |
aten::logspace | |
aten::logspace.Scalar_Tensor | |
aten::logspace.Scalar_Tensor_out | |
aten::logspace.Tensor_Scalar | |
aten::logspace.Tensor_Scalar_out | |
aten::logspace.Tensor_Tensor | |
aten::logspace.Tensor_Tensor_out | |
aten::logspace.out | |
aten::logsumexp.names | |
aten::logsumexp.names_out | |
aten::logsumexp.out | |
aten::lstm.data | |
aten::lstm.input | |
aten::lstm_cell | |
aten::lt.Scalar_out | |
aten::lt.Tensor_out | |
aten::lt_.Scalar | |
aten::lt_.Tensor | |
aten::lu_solve | |
aten::margin_ranking_loss | |
aten::masked_fill.Scalar_out | |
aten::masked_fill.Tensor_out | |
aten::masked_fill_.Scalar | |
aten::masked_fill_.Tensor | |
aten::masked_select_backward | |
aten::matrix_exp | |
aten::matrix_exp_backward | |
aten::matrix_power | |
aten::max.names_dim | |
aten::max_unpool2d | |
aten::max_unpool2d.out | |
aten::max_unpool3d | |
aten::max_unpool3d.out | |
aten::maximum.out | |
aten::mean.dtype_out | |
aten::mean.names_dim | |
aten::mean.names_out | |
aten::mean.out | |
aten::median.names_dim | |
aten::meshgrid | |
aten::meshgrid.indexing | |
aten::min.names_dim | |
aten::minimum.out | |
aten::miopen_batch_norm_backward | |
aten::miopen_batch_norm_backward.out | |
aten::mish.out | |
aten::mish_ | |
aten::mish_backward | |
aten::mode.dimname | |
aten::mse_loss.out | |
aten::mse_loss_backward | |
aten::mse_loss_backward.grad_input | |
aten::msort | |
aten::mul.Scalar | |
aten::mul.Scalar_out | |
aten::mul.out | |
aten::mul_.Scalar | |
aten::mul_.Tensor | |
aten::multi_margin_loss | |
aten::multi_margin_loss.out | |
aten::multilabel_margin_loss | |
aten::multilabel_margin_loss_forward | |
aten::multilabel_margin_loss_forward.output | |
aten::multiply.Scalar | |
aten::mv.out | |
aten::mvlgamma | |
aten::mvlgamma.out | |
aten::mvlgamma_ | |
aten::nan_to_num | |
aten::nan_to_num.out | |
aten::nan_to_num_ | |
aten::nanmean | |
aten::nanmedian.names_dim | |
aten::nanquantile | |
aten::nanquantile.scalar | |
aten::nansum | |
aten::nansum.out | |
aten::narrow_copy | |
aten::narrow_copy.out | |
aten::native_batch_norm.out | |
aten::native_batch_norm_backward | |
aten::native_batch_norm_backward.out | |
aten::native_channel_shuffle | |
aten::native_dropout.out | |
aten::native_dropout_backward | |
aten::native_dropout_backward.out | |
aten::native_group_norm_backward | |
aten::native_group_norm_backward.out | |
aten::native_layer_norm.out | |
aten::native_layer_norm_backward | |
aten::native_layer_norm_backward.out | |
aten::ne.Scalar_out | |
aten::ne.Tensor_out | |
aten::ne_.Scalar | |
aten::ne_.Tensor | |
aten::neg.out | |
aten::neg_ | |
aten::negative | |
aten::nested_to_padded_tensor | |
aten::new_empty.out | |
aten::new_empty_strided.out | |
aten::new_full.out | |
aten::new_ones.out | |
aten::new_zeros.out | |
aten::nextafter | |
aten::nextafter.out | |
aten::nextafter_ | |
aten::nll_loss.out | |
aten::nll_loss2d | |
aten::nll_loss2d_backward | |
aten::nll_loss2d_backward.grad_input | |
aten::nll_loss2d_forward | |
aten::nll_loss2d_forward.output | |
aten::nll_loss_backward | |
aten::nll_loss_backward.grad_input | |
aten::nll_loss_forward.output | |
aten::nll_loss_nd | |
aten::nonzero_numpy | |
aten::norm.Scalar | |
aten::norm.ScalarOpt_dim | |
aten::norm.ScalarOpt_dim_dtype | |
aten::norm.ScalarOpt_dtype | |
aten::norm.ScalarOpt_dtype_out | |
aten::norm.Scalar_out | |
aten::norm.dtype_out | |
aten::norm.names_ScalarOpt_dim | |
aten::norm.names_ScalarOpt_dim_dtype | |
aten::norm.names_dtype_out | |
aten::norm.names_out | |
aten::norm.out | |
aten::norm_except_dim | |
aten::normal.Tensor_Tensor_out | |
aten::normal.Tensor_float_out | |
aten::normal.float_Tensor_out | |
aten::normal.float_float_out | |
aten::normal.out | |
aten::normal_ | |
aten::not_equal.Scalar | |
aten::not_equal.Tensor | |
aten::nuclear_norm | |
aten::nuclear_norm.dim | |
aten::one_hot | |
aten::ones_like.out | |
aten::orgqr | |
aten::outer | |
aten::output_nr | |
aten::pad | |
aten::pad_sequence | |
aten::pairwise_distance | |
aten::pdist | |
aten::permute_copy | |
aten::permute_copy.out | |
aten::pinverse | |
aten::pixel_shuffle.out | |
aten::pixel_unshuffle.out | |
aten::poisson_nll_loss | |
aten::polar.out | |
aten::pow.Scalar_out | |
aten::pow.Tensor_Scalar_out | |
aten::pow.Tensor_Tensor_out | |
aten::pow_.Scalar | |
aten::pow_.Tensor | |
aten::prod | |
aten::prod.Dimname_out | |
aten::prod.dim_Dimname | |
aten::prod.int_out | |
aten::prod.out | |
aten::promote_types | |
aten::qr | |
aten::quantile | |
aten::quantile.scalar | |
aten::quantized_gru_cell | |
aten::quantized_lstm_cell | |
aten::quantized_rnn_relu_cell | |
aten::quantized_rnn_tanh_cell | |
aten::rad2deg.out | |
aten::rad2deg_ | |
aten::reciprocal.out | |
aten::reciprocal_ | |
aten::reflection_pad1d.out | |
aten::reflection_pad1d_backward | |
aten::reflection_pad1d_backward.grad_input | |
aten::reflection_pad2d.out | |
aten::reflection_pad2d_backward | |
aten::reflection_pad2d_backward.grad_input | |
aten::reflection_pad3d | |
aten::reflection_pad3d.out | |
aten::reflection_pad3d_backward | |
aten::reflection_pad3d_backward.grad_input | |
aten::relu.out | |
aten::relu_ | |
aten::remainder.Scalar_Tensor | |
aten::remainder.Scalar_Tensor_out | |
aten::remainder.Scalar_out | |
aten::remainder.Tensor_out | |
aten::remainder_.Scalar | |
aten::remainder_.Tensor | |
aten::renorm | |
aten::renorm.out | |
aten::renorm_ | |
aten::repeat.out | |
aten::repeat_interleave.self_Tensor | |
aten::repeat_interleave.self_int | |
aten::replication_pad1d.out | |
aten::replication_pad2d.out | |
aten::replication_pad3d.out | |
aten::resize_as | |
aten::resize_as.out | |
aten::result_type.Scalar | |
aten::result_type.Scalar_Scalar | |
aten::result_type.Scalar_Tensor | |
aten::result_type.Tensor | |
aten::retains_grad | |
aten::rms_norm | |
aten::rnn_relu.data | |
aten::rnn_relu.input | |
aten::rnn_relu_cell | |
aten::rnn_tanh.data | |
aten::rnn_tanh.input | |
aten::rnn_tanh_cell | |
aten::roll.out | |
aten::rot90 | |
aten::rot90.out | |
aten::round.decimals_out | |
aten::round.out | |
aten::round_ | |
aten::round_.decimals | |
aten::row_stack | |
aten::rrelu | |
aten::rrelu_with_noise_backward | |
aten::rrelu_with_noise_backward.out | |
aten::rsqrt.out | |
aten::rsqrt_ | |
aten::rsub.Scalar | |
aten::rsub.Scalar_out | |
aten::rsub.Tensor | |
aten::rsub.Tensor_out | |
aten::scatter.dimname_src | |
aten::scatter.dimname_value | |
aten::scatter_.reduce | |
aten::scatter_.src | |
aten::scatter_.value | |
aten::scatter_.value_reduce | |
aten::scatter_add.dimname | |
aten::scatter_add_ | |
aten::scatter_reduce_.two | |
aten::select_backward | |
aten::select_backward.out | |
aten::select_scatter.out | |
aten::selu_ | |
aten::sgn | |
aten::sgn.out | |
aten::sgn_ | |
aten::sigmoid.out | |
aten::sigmoid_ | |
aten::sigmoid_backward | |
aten::sigmoid_backward.grad_input | |
aten::sign.out | |
aten::sign_ | |
aten::signbit | |
aten::signbit.out | |
aten::silu.out | |
aten::silu_ | |
aten::silu_backward | |
aten::silu_backward.grad_input | |
aten::sin.out | |
aten::sin_ | |
aten::sinc.out | |
aten::sinc_ | |
aten::sinh.out | |
aten::sinh_ | |
aten::size.Dimname | |
aten::size.int | |
aten::slice_backward | |
aten::slice_backward.out | |
aten::slice_scatter.out | |
aten::slogdet | |
aten::slow_conv3d | |
aten::smm | |
aten::smooth_l1_loss | |
aten::smooth_l1_loss.out | |
aten::smooth_l1_loss_backward | |
aten::smooth_l1_loss_backward.grad_input | |
aten::soft_margin_loss | |
aten::soft_margin_loss.out | |
aten::soft_margin_loss_backward | |
aten::soft_margin_loss_backward.grad_input | |
aten::softmax.Dimname | |
aten::softplus.out | |
aten::softplus_backward | |
aten::softplus_backward.grad_input | |
aten::softshrink | |
aten::softshrink.out | |
aten::sort.dimname | |
aten::sort.dimname_stable | |
aten::sparse_bsc_tensor.ccol_row_value | |
aten::sparse_bsc_tensor.ccol_row_value_size | |
aten::sparse_bsr_tensor.crow_col_value | |
aten::sparse_bsr_tensor.crow_col_value_size | |
aten::sparse_coo_tensor.indices | |
aten::sparse_coo_tensor.indices_size | |
aten::sparse_csc_tensor.ccol_row_value | |
aten::sparse_csc_tensor.ccol_row_value_size | |
aten::sparse_csr_tensor.crow_col_value | |
aten::sparse_csr_tensor.crow_col_value_size | |
aten::special_bessel_j0 | |
aten::special_bessel_j0.out | |
aten::special_bessel_j1 | |
aten::special_bessel_j1.out | |
aten::special_digamma | |
aten::special_entr | |
aten::special_entr.out | |
aten::special_erfcx.out | |
aten::special_erfinv | |
aten::special_exp2 | |
aten::special_expit | |
aten::special_gammainc | |
aten::special_gammaincc | |
aten::special_gammaln | |
aten::special_i0 | |
aten::special_i0e | |
aten::special_i0e.out | |
aten::special_i1 | |
aten::special_i1.out | |
aten::special_i1e | |
aten::special_i1e.out | |
aten::special_log1p | |
aten::special_log_ndtr | |
aten::special_log_ndtr.out | |
aten::special_logit | |
aten::special_logsumexp | |
aten::special_multigammaln | |
aten::special_ndtr | |
aten::special_ndtr.out | |
aten::special_ndtri | |
aten::special_ndtri.out | |
aten::special_polygamma | |
aten::special_psi | |
aten::special_round | |
aten::special_spherical_bessel_j0 | |
aten::special_spherical_bessel_j0.out | |
aten::special_xlog1py | |
aten::special_xlog1py.other_scalar | |
aten::special_xlog1py.other_scalar_out | |
aten::special_xlog1py.out | |
aten::special_xlog1py.self_scalar | |
aten::special_xlog1py.self_scalar_out | |
aten::special_xlogy | |
aten::special_xlogy.other_scalar | |
aten::special_xlogy.self_scalar | |
aten::special_zeta | |
aten::special_zeta.other_scalar | |
aten::special_zeta.other_scalar_out | |
aten::special_zeta.out | |
aten::special_zeta.self_scalar | |
aten::special_zeta.self_scalar_out | |
aten::split_with_sizes_copy | |
aten::split_with_sizes_copy.out | |
aten::sqrt.out | |
aten::sqrt_ | |
aten::square | |
aten::square_ | |
aten::squeeze.dims | |
aten::squeeze_copy | |
aten::squeeze_copy.dim | |
aten::squeeze_copy.dim_out | |
aten::squeeze_copy.dims | |
aten::squeeze_copy.dims_out | |
aten::squeeze_copy.out | |
aten::sspaddmm | |
aten::stack.out | |
aten::std | |
aten::std.correction | |
aten::std.correction_names | |
aten::std.correction_names_out | |
aten::std.correction_out | |
aten::std.dim | |
aten::std.names_dim | |
aten::std.names_out | |
aten::std.out | |
aten::std_mean | |
aten::std_mean.correction | |
aten::std_mean.correction_names | |
aten::std_mean.correction_out | |
aten::std_mean.dim | |
aten::std_mean.names_dim | |
aten::stft | |
aten::stft.center | |
aten::stride.Dimname | |
aten::stride.int | |
aten::sub.Scalar_out | |
aten::sub.out | |
aten::sub_.Scalar | |
aten::sub_.Tensor | |
aten::sum.IntList_out | |
aten::sum.dim_DimnameList | |
aten::sum.out | |
aten::sum_to_size | |
aten::svd | |
aten::sym_numel | |
aten::sym_stride.int | |
aten::t_copy | |
aten::t_copy.out | |
aten::take | |
aten::take.out | |
aten::take_along_dim | |
aten::tan.out | |
aten::tan_ | |
aten::tanh.out | |
aten::tanh_ | |
aten::tanh_backward | |
aten::tanh_backward.grad_input | |
aten::tensordot | |
aten::thnn_conv2d | |
aten::threshold | |
aten::threshold.out | |
aten::threshold_ | |
aten::threshold_backward | |
aten::threshold_backward.grad_input | |
aten::to_dense | |
aten::to_dense_backward | |
aten::to_mkldnn_backward | |
aten::to_sparse | |
aten::to_sparse.sparse_dim | |
aten::to_sparse_bsc | |
aten::to_sparse_bsr | |
aten::to_sparse_csc | |
aten::to_sparse_csr | |
aten::trace | |
aten::trace.out | |
aten::trace_backward | |
aten::transpose.Dimname | |
aten::transpose_copy.int | |
aten::transpose_copy.int_out | |
aten::trapezoid.dx | |
aten::trapezoid.x | |
aten::trapz.dx | |
aten::trapz.x | |
aten::tril.out | |
aten::tril_ | |
aten::tril_indices | |
aten::tril_indices.out | |
aten::triplet_margin_loss | |
aten::triu.out | |
aten::triu_ | |
aten::triu_indices | |
aten::triu_indices.out | |
aten::true_divide_.Scalar | |
aten::true_divide_.Tensor | |
aten::trunc.out | |
aten::trunc_ | |
aten::unbind.Dimname | |
aten::unbind_copy.int | |
aten::unbind_copy.int_out | |
aten::unflatten_dense_tensors | |
aten::unfold_backward | |
aten::unfold_backward.out | |
aten::unfold_copy | |
aten::unfold_copy.out | |
aten::uniform | |
aten::uniform.out | |
aten::uniform_ | |
aten::unsafe_split_with_sizes | |
aten::unsqueeze_copy | |
aten::unsqueeze_copy.out | |
aten::upsample_bicubic2d.out | |
aten::upsample_bilinear2d.out | |
aten::upsample_linear1d.out | |
aten::upsample_linear1d.vec | |
aten::upsample_nearest1d.out | |
aten::upsample_nearest2d.out | |
aten::upsample_nearest3d.out | |
aten::upsample_trilinear3d.out | |
aten::value_selecting_reduction_backward | |
aten::vander | |
aten::var | |
aten::var.correction | |
aten::var.correction_names | |
aten::var.correction_names_out | |
aten::var.correction_out | |
aten::var.dim | |
aten::var.names_dim | |
aten::var.names_out | |
aten::var.out | |
aten::var_mean | |
aten::var_mean.correction | |
aten::var_mean.correction_names | |
aten::var_mean.correction_out | |
aten::var_mean.dim | |
aten::var_mean.names_dim | |
aten::vdot | |
aten::vdot.out | |
aten::view_copy.dtype | |
aten::view_copy.dtype_out | |
aten::view_copy.out | |
aten::vstack | |
aten::where | |
aten::where.self_out | |
aten::xlogy.OutScalar_Other | |
aten::xlogy.OutScalar_Self | |
aten::xlogy.OutTensor | |
aten::xlogy_.Scalar_Other | |
aten::xlogy_.Tensor | |
aten::zero | |
aten::zero.out | |
aten::zero_ | |
aten::zeros_like.out | |
inductor::_alloc_from_pool | |
mkldnn::_is_mkldnn_acl_supported | |
mkldnn::_is_mkldnn_bf16_supported | |
mkldnn::_is_mkldnn_fp16_supported | |
prepacked::unpack_prepacked_sizes_conv2d | |
prepacked::unpack_prepacked_sizes_linear | |
profiler::_record_function_enter | |
profiler::_record_function_enter_new | |
profiler::_record_function_exit | |
profiler::_record_function_exit._RecordFunction | |
quantized::conv1d_unpack | |
quantized::conv2d_dilation | |
quantized::conv2d_groups | |
quantized::conv2d_output_padding | |
quantized::conv2d_padding | |
quantized::conv2d_stride | |
quantized::conv2d_transpose | |
quantized::conv2d_unpack | |
quantized::conv2d_unpack_sizes | |
quantized::conv3d_dilation | |
quantized::conv3d_groups | |
quantized::conv3d_output_padding | |
quantized::conv3d_padding | |
quantized::conv3d_stride | |
quantized::conv3d_transpose | |
quantized::conv3d_unpack | |
quantized::conv_transpose1d_unpack | |
quantized::conv_transpose2d_dilation | |
quantized::conv_transpose2d_groups | |
quantized::conv_transpose2d_output_padding | |
quantized::conv_transpose2d_padding | |
quantized::conv_transpose2d_stride | |
quantized::conv_transpose2d_transpose | |
quantized::conv_transpose2d_unpack | |
quantized::conv_transpose3d_dilation | |
quantized::conv_transpose3d_groups | |
quantized::conv_transpose3d_output_padding | |
quantized::conv_transpose3d_padding | |
quantized::conv_transpose3d_stride | |
quantized::conv_transpose3d_transpose | |
quantized::conv_transpose3d_unpack | |
quantized::conv_unpack | |
quantized::embedding_bag_unpack | |
quantized::linear_unpack | |
quantized::linear_unpack_fp16 | |
quantized::make_quantized_cell_params_fp16 | |
sparse::qlinear_unpack | |
Sign up for free
to join this conversation on GitHub.
Already have an account?
Sign in to comment