From 6c4ce7f55fcfd450cd65c6af73d8b4e97e62b5ec Mon Sep 17 00:00:00 2001 From: sugarme Date: Sat, 6 Nov 2021 14:44:27 +1100 Subject: [PATCH] upgrade to libtorch 1.10 --- CHANGELOG.md | 5 +- README.md | 14 +- gen/gen.ml | 15 +- gen/gen.ml.1.9 | 1342 + gen/pytorch/Declarations-v1.10.0.yaml | 137757 +++++++++++++++++++++++ libtch/c-generated.go | 745 +- libtch/torch_api_generated.cpp.h | 1151 +- libtch/torch_api_generated.h | 190 +- setup-gotch.sh | 2 +- setup-libtorch.sh | 2 +- tensor/data_test.go | 2 +- tensor/must-tensor-generated.go | 1266 +- tensor/tensor-generated.go | 2093 +- 13 files changed, 143988 insertions(+), 596 deletions(-) create mode 100644 gen/gen.ml.1.9 create mode 100644 gen/pytorch/Declarations-v1.10.0.yaml diff --git a/CHANGELOG.md b/CHANGELOG.md index 49f44f0..851e8d8 100644 --- a/CHANGELOG.md +++ b/CHANGELOG.md @@ -6,11 +6,14 @@ The format is based on [Keep a Changelog](https://keepachangelog.com/en/1.0.0/), and this project adheres to [Semantic Versioning](https://semver.org/spec/v2.0.0.html). ## [Unreleased] -- [#58] Fixed incorrect converting IValue from CIValue case 1 (Tensor). ## [Nofix] - ctype `long` caused compiling error in MacOS as noted on [#44]. Not working on linux box. +## [0.5.0] +- Upgraded to libtorch 1.10 +- [#58] Fixed incorrect converting IValue from CIValue case 1 (Tensor). + ## [0.4.5] - Added Conv3DConfig and Conv3DConfig Option - Added missing Tensor methods APIs those return multiple tensors (e.g. `tensor.Svd`). diff --git a/README.md b/README.md index 87862d1..de5d963 100644 --- a/README.md +++ b/README.md @@ -3,10 +3,10 @@ ## Overview -Gotch creates a thin wrapper to Pytorch C++ APIs (Libtorch) to make use of its already optimized C++ tensor APIs (~ over 1700) and dynamic graph computation with CUDA support and provides idiomatic Go APIs for developing and implementing Deep Learning in Go. +Gotch creates a thin wrapper to Pytorch C++ APIs (Libtorch) to make use of its already optimized C++ tensor APIs (~ 2169) and dynamic graph computation with CUDA support and provides idiomatic Go APIs for developing and implementing Deep Learning in Go. **Some features are** -- [x] Comprehensive Pytorch tensor APIs (~ 1716) +- [x] Comprehensive Pytorch tensor APIs (~ 1844) - [x] Fully featured Pytorch dynamic graph computation - [x] JIT interface to run model trained/saved using PyTorch Python API - [x] Load pretrained Pytorch models and run inference @@ -18,12 +18,12 @@ Gotch is in active development mode and may have API breaking changes. Feel free ## Dependencies -- **Libtorch** C++ v1.9.0 library of [Pytorch](https://pytorch.org/) +- **Libtorch** C++ v1.10.0 library of [Pytorch](https://pytorch.org/) ## Installation - Default CUDA version is `11.1` if CUDA is available otherwise using CPU version. -- Default Pytorch C++ API version is `1.9.0` +- Default Pytorch C++ API version is `1.10.0` **NOTE**: `libtorch` will be installed at **`/usr/local/lib`** @@ -51,7 +51,7 @@ Gotch is in active development mode and may have API breaking changes. Feel free ```bash wget https://raw.githubusercontent.com/sugarme/gotch/master/setup-gotch.sh chmod +x setup-gotch.sh - export CUDA_VER=cpu && export GOTCH_VER=v0.4.5 && bash setup-gotch.sh + export CUDA_VER=cpu && export GOTCH_VER=v0.5.0 && bash setup-gotch.sh ``` ### GPU @@ -89,9 +89,9 @@ Gotch is in active development mode and may have API breaking changes. Feel free wget https://raw.githubusercontent.com/sugarme/gotch/master/setup-gotch.sh chmod +x setup-gotch.sh # CUDA 10.2 - export CUDA_VER=10.2 && export GOTCH_VER=v0.4.5 && bash setup-gotch.sh + export CUDA_VER=10.2 && export GOTCH_VER=v0.5.0 && bash setup-gotch.sh # CUDA 11.1 - export CUDA_VER=11.1 && export GOTCH_VER=v0.4.5 && bash setup-gotch.sh + export CUDA_VER=11.1 && export GOTCH_VER=v0.5.0 && bash setup-gotch.sh ``` ## Examples diff --git a/gen/gen.ml b/gen/gen.ml index 2fc71d0..5c28647 100644 --- a/gen/gen.ml +++ b/gen/gen.ml @@ -30,13 +30,18 @@ let excluded_functions = ; "_cummax_helper" ; "retain_grad" ; "_validate_sparse_coo_tensor_args" + ; "_validate_sparse_csr_tensor_args" ; "_backward" ; "size" ; "stride" + ; "histogram_out" + ; "histogram" ; "_assert_async" ; "gradient" ; "linalg_vector_norm" - ; "linalg_vector_norm_out" ] + ; "linalg_vector_norm_out" + ; "linalg_matrix_norm" + ; "linalg_matrix_norm_out"] let no_tensor_options = Set.of_list @@ -129,7 +134,7 @@ module Func = struct | "at::device" -> Some Device | "const at::scalar &" | "at::scalar" -> Some Scalar | "at::scalartype" -> Some ScalarType - | "std::string" -> Some String + | "c10::string_view" -> Some String | _ -> None let c_typed_args_list t = @@ -801,6 +806,8 @@ let write_wrapper funcs filename = ; "AlignTensors" ; "BroadcastTensors" ; "Meshgrid" + ; "MeshgridIndexing" + ; "_ToCpu" ; "NonzeroNumpy" ; "Split" ; "SplitWithSizes" @@ -1023,6 +1030,8 @@ let write_must_wrapper funcs filename = ; "AlignTensors" ; "BroadcastTensors" ; "Meshgrid" + ; "MeshgridIndexing" + ; "_ToCpu" ; "NonzeroNumpy" ; "Split" ; "SplitWithSizes" @@ -1335,7 +1344,7 @@ let run ~yaml_filename ~cpp_filename ~ffi_filename ~must_wrapper_filename write_wrapper funcs wrapper_filename let () = - run ~yaml_filename:"gen/pytorch/Declarations-v1.9.0.yaml" + run ~yaml_filename:"gen/pytorch/Declarations-v1.10.0.yaml" ~cpp_filename:"libtch/torch_api_generated" ~ffi_filename:"libtch/c-generated.go" ~must_wrapper_filename:"tensor/must-tensor-generated.go" diff --git a/gen/gen.ml.1.9 b/gen/gen.ml.1.9 new file mode 100644 index 0000000..2fc71d0 --- /dev/null +++ b/gen/gen.ml.1.9 @@ -0,0 +1,1342 @@ +(* Automatically generated C++ -> C -> Go bindings. + Input: Declarations-VERSION.yaml artifact generated when building Pytorch from source. + Run with: dune exec gen/gen.exe +*) +open Base +open Stdio + +let excluded_functions = + Set.of_list + (module String) + [ "multi_margin_loss" + ; "multi_margin_loss_out" + ; "log_softmax_backward_data" + ; "softmax_backward_data" + ; "clone" + ; "copy_" + ; "conv_transpose2d_backward_out" + ; "conv_transpose3d_backward_out" + ; "slow_conv_transpose2d_backward_out" + ; "slow_conv_transpose3d_backward_out" + ; "slow_conv3d_backward_out" + ; "normal" + ; "_cufft_set_plan_cache_max_size" + ; "_cufft_clear_plan_cache" + ; "backward" + ; "set_data" + ; "_amp_non_finite_check_and_unscale_" + ; "_amp_foreach_non_finite_check_and_unscale_" + ; "_cummin_helper" + ; "_cummax_helper" + ; "retain_grad" + ; "_validate_sparse_coo_tensor_args" + ; "_backward" + ; "size" + ; "stride" + ; "_assert_async" + ; "gradient" + ; "linalg_vector_norm" + ; "linalg_vector_norm_out" ] + +let no_tensor_options = + Set.of_list + (module String) + [ "zeros_like" + ; "empty_like" + ; "full_like" + ; "ones_like" + ; "rand_like" + ; "randint_like" + ; "randn_like" ] + +(* + * let prefixed_functions = + * Set.of_list + * (module String) + * ["add"; "add_"; "div"; "div_"; "mul"; "mul_"; "sub"; "sub_"; "nll_loss"] + * *) +let excluded_prefixes = ["_thnn_"; "_th_"; "thnn_"; "th_"; "_foreach"] + +let excluded_suffixes = ["_forward"; "_forward_out"] + +let yaml_error yaml ~msg = + Printf.failwithf "%s, %s" msg (Yaml.to_string_exn yaml) () + +let extract_bool = function + | `Bool b -> b + | `String "true" -> true + | `String "false" -> false + | yaml -> yaml_error yaml ~msg:"expected bool" + +let extract_list = function + | `A l -> l + | yaml -> yaml_error yaml ~msg:"expected list" + +let extract_map = function + | `O map -> Map.of_alist_exn (module String) map + | yaml -> yaml_error yaml ~msg:"expected map" + +let extract_string = function + | `String s -> s + (* The yaml spec for torch uses n which is converted to a bool. *) + | `Bool b -> if b then "y" else "n" + | `Float f -> Float.to_string f + | yaml -> yaml_error yaml ~msg:"expected string" + +module Func = struct + type arg_type = + | Bool + | Int64 + | Int64Option + | Double + | DoubleOption + | Tensor + | TensorOption + (* Tensor.t option *) + | IntList + | TensorOptList + | TensorList + | TensorOptions + (* Tensor kind and device *) + | Scalar + | ScalarType + | Device + | String + + type arg = + {arg_name: string; arg_type: arg_type; default_value: string option} + + (* `Func` type *) + type t = + { name: string + ; operator_name: string + ; overload_name: string + ; args: arg list (* ; returns: [`fixed of int | `dynamic] *) + ; returns: [`fixed of int | `dynamic | `bool | `int64_t | `double] + ; (* number of tensors that are returned *) + kind: [`function_ | `method_] } + + let arg_type_of_string str ~is_nullable = + match String.lowercase str with + | "bool" -> Some Bool + | "int64_t" -> Some (if is_nullable then Int64Option else Int64) + | "double" -> Some (if is_nullable then DoubleOption else Double) + | "at::tensor" -> Some (if is_nullable then TensorOption else Tensor) + | "at::tensoroptions" -> Some TensorOptions + | "at::intarrayref" -> Some IntList + | "const c10::list> &" -> Some TensorOptList + | "at::tensorlist" -> Some TensorList + | "at::device" -> Some Device + | "const at::scalar &" | "at::scalar" -> Some Scalar + | "at::scalartype" -> Some ScalarType + | "std::string" -> Some String + | _ -> None + + let c_typed_args_list t = + List.map t.args ~f:(fun {arg_name; arg_type; _} -> + match arg_type with + | IntList -> + Printf.sprintf "int64_t *%s_data, int %s_len" arg_name arg_name + | TensorOptList | TensorList -> + Printf.sprintf "tensor *%s_data, int %s_len" arg_name arg_name + | TensorOptions -> + Printf.sprintf "int %s_kind, int %s_device" arg_name arg_name + | String -> Printf.sprintf "char* %s_ptr, int %s_len" arg_name arg_name + | Int64Option -> + Printf.sprintf "int64_t %s_v, uint8_t %s_null" arg_name arg_name + | DoubleOption -> + Printf.sprintf "double %s_v, uint8_t %s_null" arg_name arg_name + | otherwise -> + let simple_type_cstring = + match otherwise with + | Bool -> "int" + | Int64 -> "int64_t" + | Double -> "double" + | Tensor -> "tensor" + | TensorOption -> "tensor" + | ScalarType -> "int" + | Device -> "int" + | Scalar -> "scalar" + | Int64Option | DoubleOption | String | IntList | TensorOptList + |TensorList | TensorOptions -> + assert false + in + Printf.sprintf "%s %s" simple_type_cstring arg_name ) + |> String.concat ~sep:", " + + let c_args_list args = + List.map args ~f:(fun {arg_name; arg_type; _} -> + match arg_type with + | Scalar | Tensor -> "*" ^ arg_name + | TensorOption -> + Printf.sprintf "(%s ? *%s : torch::Tensor())" arg_name arg_name + | Bool -> "(bool)" ^ arg_name + | IntList -> + Printf.sprintf "torch::IntArrayRef(%s_data, %s_len)" arg_name + arg_name + | String -> + Printf.sprintf "std::string(%s_ptr, %s_len)" arg_name arg_name + | TensorOptList -> + Printf.sprintf "of_carray_tensor_opt(%s_data, %s_len)" arg_name + arg_name + | TensorList -> + Printf.sprintf "of_carray_tensor(%s_data, %s_len)" arg_name + arg_name + | TensorOptions -> + Printf.sprintf + "at::device(device_of_int(%s_device)).dtype(at::ScalarType(%s_kind))" + arg_name arg_name + | Int64Option -> + Printf.sprintf + "%s_null ? c10::nullopt : c10::optional(%s_v)" arg_name + arg_name + | DoubleOption -> + Printf.sprintf + "%s_null ? c10::nullopt : c10::optional(%s_v)" arg_name + arg_name + | ScalarType -> Printf.sprintf "at::ScalarType(%s)" arg_name + | Device -> Printf.sprintf "device_of_int(%s)" arg_name + | _ -> arg_name ) + |> String.concat ~sep:", " + + let c_call t = + match t.kind with + | `function_ -> Printf.sprintf "torch::%s(%s)" t.name (c_args_list t.args) + | `method_ -> ( + match t.args with + | head :: tail -> + Printf.sprintf "%s->%s(%s)" head.arg_name t.name (c_args_list tail) + | [] -> + Printf.failwithf "Method calls should have at least one argument %s" + t.name () ) + + (* + let replace_map = + Map.of_alist_exn + (module String) + [ ("t", "tr") + ; ("where", "where_") + ; ("view", "view_") + ; ("unsafe", "unsafe_") + ; ("to_device", "to_device_") ] + *) + + let is_method t = + List.exists t.args ~f:(fun arg -> + match arg.arg_name with "self" -> true | _ -> false ) + + let go_name name = + let last_underscore name = Str.string_match (Str.regexp ".*_$") name 0 in + let words = Str.split (Str.regexp "_") name in + if last_underscore name then + let cap_words = List.map words ~f:(fun word -> String.capitalize word) in + String.concat ~sep:"" cap_words ^ "_" + else + let cap_words = List.map words ~f:(fun word -> String.capitalize word) in + String.concat ~sep:"" cap_words + + let go_variable name = + let goname = go_name name in + (* NOTE: Deal with Go namespace conflict *) + let safe_name = + match goname with + | "Var" -> "vari" + | "Unsafe" -> "unsafety" + | _ -> goname + in + String.uncapitalize safe_name + + let c_go_args_list t = + List.map t.args ~f:(fun arg -> + let an = go_variable arg.arg_name in + let single_param = Printf.sprintf "%s %s" an in + match arg.arg_type with + | Bool -> single_param "int32" + | Int64 -> single_param "int64" + | Double -> single_param "float64" + | Tensor -> single_param "Ctensor" + | TensorOption -> single_param "Ctensor" + | Scalar -> single_param "Cscalar" + | ScalarType -> single_param "int32" + | Device -> single_param "int32" + | String -> single_param "string" + | IntList -> Printf.sprintf "%sData []int64, %sLen int" an an + | TensorOptList -> Printf.sprintf "%sData []Ctensor, %sLen int" an an + | TensorList -> Printf.sprintf "%sData []Ctensor, %sLen int" an an + | Int64Option -> Printf.sprintf "%sVal int64, %sNull int" an an + | DoubleOption -> Printf.sprintf "%sVal float64, %sNull int" an an + | TensorOptions -> Printf.sprintf "%sKind int32, %sDevice int32" an an + ) + |> String.concat ~sep:", " + + let c_go_args_list_notype t = + List.map t.args ~f:(fun arg -> + let an = go_variable arg.arg_name in + let an = match an with "var" -> "vari" | _ -> an in + let single_param = Printf.sprintf "%s %s" an in + match arg.arg_type with + | Bool -> Printf.sprintf "c%s" an + | Int64 -> Printf.sprintf "c%s" an + | Double -> Printf.sprintf "c%s" an + | Tensor -> Printf.sprintf "%s" an + | TensorOption -> Printf.sprintf "%s" an + | Scalar -> single_param "" + | ScalarType -> Printf.sprintf "c%s" an + | Device -> Printf.sprintf "c%s" an + | String -> Printf.sprintf "c%s, c%sLen" an an + | IntList -> Printf.sprintf "c%sDataPtr, c%sLen" an an + | TensorOptList -> Printf.sprintf "c%sDataPtr, c%sLen" an an + | TensorList -> Printf.sprintf "c%sDataPtr, c%sLen" an an + | Int64Option -> Printf.sprintf "c%sVal, c%sNull" an an + | DoubleOption -> Printf.sprintf "c%sVal, c%sNull" an an + | TensorOptions -> Printf.sprintf "c%sKind, c%sDevice" an an ) + |> String.concat ~sep:", " + + (* TODO: convert Go pointer to C pointer *) + let c_go_args_list_body t = + List.map t.args ~f:(fun arg -> + let an = go_variable arg.arg_name in + (* let single_param = Printf.sprintf "%s %s" an in *) + match arg.arg_type with + | Bool -> + Printf.sprintf "\nc%s := *(*C.int)(unsafe.Pointer(&%s))" an an + | Int64 -> + Printf.sprintf "\nc%s := *(*C.int64_t)(unsafe.Pointer(&%s))" an an + | Double -> + Printf.sprintf "\nc%s := *(*C.double)(unsafe.Pointer(&%s))" an an + | Tensor -> "" + | TensorOption -> "" + | Scalar -> "" + | ScalarType -> + Printf.sprintf "\nc%s := *(*C.int)(unsafe.Pointer(&%s))" an an + | Device -> + Printf.sprintf "\nc%s := *(*C.int)(unsafe.Pointer(&%s))" an an + | String -> + Printf.sprintf + "\n\ + c%s := C.CString(%s)\n\ + %sLen := len(%s)\n\ + c%sLen := *(*C.int)(unsafe.Pointer(&%sLen))" + an an an an an an + | IntList -> + Printf.sprintf + "\n\ + c%sDataPtr := (*C.int64_t)(unsafe.Pointer(&%sData[0]))\n\ + c%sLen := *(*C.int)(unsafe.Pointer(&%sLen))" + an an an an + | TensorOptList -> + Printf.sprintf + "\n\ + c%sDataPtr := (*Ctensor)(unsafe.Pointer(&%sData[0]))\n\ + c%sLen := *(*C.int)(unsafe.Pointer(&%sLen))" + an an an an + | TensorList -> + Printf.sprintf + "\n\ + c%sDataPtr := (*Ctensor)(unsafe.Pointer(&%sData[0]))\n\ + c%sLen := *(*C.int)(unsafe.Pointer(&%sLen))" + an an an an + | Int64Option -> + Printf.sprintf + "\n\ + c%sVal := *(*C.int64_t)(unsafe.Pointer(&%sVal))\n\ + c%sNull := *(*C.uint8_t)(unsafe.Pointer(&%sNull))" + an an an an + | DoubleOption -> + Printf.sprintf + "\n\ + c%sVal := *(*C.double)(unsafe.Pointer(&%sVal))\n\ + c%sNull := *(*C.uint8_t)(unsafe.Pointer(&%sNull))" + an an an an + | TensorOptions -> + Printf.sprintf + "\n\ + c%sKind := *(*C.int)(unsafe.Pointer(&%sKind))\n\ + c%sDevice := *(*C.int)(unsafe.Pointer(&%sDevice))" + an an an an ) + |> String.concat ~sep:"" + + let self_name = "self" + + let self_tensor arg = + match arg.arg_type with + | Tensor -> String.( = ) arg.arg_name self_name + | _ -> false + + (* + * let type_parameters t = + * let needs_scalar_parameter = + * List.exists t.args ~f:(fun arg -> + * match arg.arg_type with Scalar -> true | _ -> false ) + * in + * let needs_type_parameter = + * List.exists t.args ~f:(fun arg -> + * match arg.arg_type with + * | TensorList | TensorOption -> true + * | _ -> false ) + * in + * if needs_type_parameter && needs_scalar_parameter then "Tensor, Scalar" + * else if needs_type_parameter then "Tensor" + * else if needs_scalar_parameter then "Scalar" + * else "" + * *) + + (* + * let go_args_list t = + * (* https://ocaml.janestreet.com/ocaml-core/latest/doc/base/Base/List/#val-partition_tf *) + * (* TODO. implement special cases - TensorOptions, ... *) + * match List.partition_tf t.args ~f:self_tensor with _, args_list -> + * args_list + * *) + + let is_inplace t = + match Str.string_match (Str.regexp ".*_$") t.name 0 with + | true -> true + | _ -> false + + let go_typed_args_list t = + let to_string args = + let args_list = + List.map args ~f:(fun arg -> + let go_arg_type = + match arg.arg_type with + | Bool -> "bool" + | Int64 -> "int64" + | Double -> "float64" + | Tensor -> "*Tensor" + | TensorOption -> "*Tensor" + | IntList -> "[]int64" + | TensorOptList -> "[]Tensor" + | TensorList -> "[]Tensor" + | String -> "string" + (* TODO. Struct{Kind gotch.DType Device gotch.Device} *) + (* E.g. `type KindDevice struct{}` *) + | TensorOptions -> "gotch.KindDevice" + | Scalar -> "*Scalar" + | ScalarType -> "gotch.DType" + | Int64Option -> "[]int64" + | DoubleOption -> "[]float64" + | Device -> "gotch.Device" + in + match arg.arg_type with + | TensorOptions -> + Printf.sprintf "%sKind gotch.DType, %sDevice gotch.Device" + (go_variable arg.arg_name) (go_variable arg.arg_name) + | _ -> + Printf.sprintf "%s %s" (go_variable arg.arg_name) go_arg_type + ) + in + if is_method t && not (is_inplace t) then + args_list @ ["del bool"] |> String.concat ~sep:", " + else args_list |> String.concat ~sep:", " + in + (* let self_arg = "self Tensor" in *) + match List.partition_tf t.args ~f:self_tensor with _, args_list -> + Printf.sprintf "%s" (to_string args_list) + + let go_notype_args_list t = + let to_string args = + let args_list = + List.map args ~f:(fun arg -> + match arg.arg_type with + | TensorOptions -> + Printf.sprintf "%sKind, %sDevice" (go_variable arg.arg_name) + (go_variable arg.arg_name) + | _ -> Printf.sprintf "%s" (go_variable arg.arg_name) ) + in + if is_method t && not (is_inplace t) then + args_list @ ["del"] |> String.concat ~sep:", " + else args_list |> String.concat ~sep:", " + in + match List.partition_tf t.args ~f:self_tensor with _, args_list -> + Printf.sprintf "%s" (to_string args_list) + + let go_return_type t ~fallible = + (* printf "t name: %s\n" t.name ; *) + let returns = + match t.returns with + | `fixed 1 -> "retVal *Tensor" + | `fixed v -> + List.init v ~f:(fun i -> Printf.sprintf "retVal%d *Tensor" i) + |> String.concat ~sep:", " |> Printf.sprintf "%s" + | `dynamic -> "retVal []Tensor" + | `bool -> "retVal bool" + | `int64_t -> "retVal int64" + | `double -> "retVal float64" + in + if is_inplace t then + if fallible then Printf.sprintf "err error" else Printf.sprintf "" + else if fallible then Printf.sprintf "%s, err error" returns + else Printf.sprintf "%s" returns + + let go_return_notype t ~fallible = + let returns = + match t.returns with + | `fixed 1 -> "retVal" + | `fixed v -> + List.init v ~f:(fun i -> Printf.sprintf "retVal%d" i) + |> String.concat ~sep:", " |> Printf.sprintf "%s" + | `dynamic -> "retVal" + | `bool -> "retVal" + | `int64_t -> "retVal" + | `double -> "retVal" + in + if is_inplace t then + if fallible then Printf.sprintf "err" else Printf.sprintf "" + else if fallible then Printf.sprintf "%s, err" returns + else Printf.sprintf "%s" returns + + let go_binding_args t = + List.map t.args ~f:(fun arg -> + let name = go_variable arg.arg_name in + match arg.arg_type with + | Tensor -> + if String.( = ) name "self" then "ts.ctensor" + else Printf.sprintf "%s.ctensor" name + | Scalar -> Printf.sprintf "%s.cscalar" name + | Bool -> Printf.sprintf "c%s" name + | ScalarType -> Printf.sprintf "%s.CInt()" name + | Device -> Printf.sprintf "%s.CInt()" name + | TensorOptions -> + Printf.sprintf "%sKind.CInt(), %sDevice.CInt()" name name + | String -> Printf.sprintf "%s" name + | IntList -> Printf.sprintf "%s, len(%s)" name name + | TensorList -> Printf.sprintf "c%s, len(c%s)" name name + | Int64Option -> Printf.sprintf "c%sVal, c%sNull" name name + | DoubleOption -> Printf.sprintf "c%sVal, c%sNull" name name + | TensorOption -> Printf.sprintf "%s.ctensor" name + | _ -> name ) + |> String.concat ~sep:", " + + let go_binding_body t = + List.map t.args ~f:(fun arg -> + let an = go_variable arg.arg_name in + match arg.arg_type with + | Bool -> + Printf.sprintf "c%s := int32(0)\n if %s { c%s = int32(1) }\n" an an + an + | Int64 -> "" + | Double -> "" + | Tensor -> "" + | TensorOption -> "" + | Scalar -> "" + | ScalarType -> "" + | Device -> "" + | String -> "" + | IntList -> "" + | Int64Option -> + Printf.sprintf + "var c%sVal int64 = 0\n\ + \ var c%sNull int = 1\n\ + \ if len(%s) > 0 {\n\ + \ c%sVal = %s[0]\n\ + \ c%sNull = 0\n\ + \ }\n" + an an an an an an + | DoubleOption -> + Printf.sprintf + "var c%sVal float64 = 0.0\n\ + \ var c%sNull int = 1\n\ + \ if len(%s) > 0 {\n\ + \ c%sVal = %s[0]\n\ + \ c%sNull = 0\n\ + \ }\n" + an an an an an an + | TensorOptList -> + Printf.sprintf + " var c%s []lib.Ctensor\n\ + \ for _, t := range %s {c%s = append(c%s, t.ctensor)}\n" + an an an an + | TensorList -> + Printf.sprintf + " var c%s []lib.Ctensor\n\ + \ for _, t := range %s {c%s = append(c%s, t.ctensor)}\n" + an an an an + | TensorOptions -> "" ) + |> String.concat ~sep:"" +end + +exception Not_a_simple_arg + +let read_yaml filename = + let funcs = + (* Split the file to avoid Yaml.of_string_exn segfaulting. *) + In_channel.with_file filename ~f:In_channel.input_lines + |> List.group ~break:(fun _ l -> + String.length l > 0 && Char.( = ) l.[0] '-' ) + |> List.concat_map ~f:(fun lines -> + Yaml.of_string_exn (String.concat lines ~sep:"\n") |> extract_list + ) + in + printf "Read %s, got %d functions.\n%!" filename (List.length funcs) ; + List.filter_map funcs ~f:(fun yaml -> + let map = extract_map yaml in + let name = Map.find_exn map "name" |> extract_string in + let operator_name = Map.find_exn map "operator_name" |> extract_string in + let overload_name = Map.find_exn map "overload_name" |> extract_string in + let deprecated = Map.find_exn map "deprecated" |> extract_bool in + let method_of = + Map.find_exn map "method_of" + |> extract_list |> List.map ~f:extract_string + in + let arguments = Map.find_exn map "arguments" |> extract_list in + let returns = + let is_tensor returns = + let returns = extract_map returns in + let return_type = + Map.find_exn returns "dynamic_type" |> extract_string + in + String.( = ) return_type "at::Tensor" + in + let returns = Map.find_exn map "returns" |> extract_list in + if List.for_all returns ~f:is_tensor then + Some (`fixed (List.length returns)) + else + match returns with + | [returns] -> ( + let return_type = + Map.find_exn (extract_map returns) "dynamic_type" + |> extract_string + in + match return_type with + | "bool" -> Some `bool + | "int64_t" -> Some `int64_t + | "double" -> Some `double + | "at::TensorList" + |"dynamic_type: const c10::List> &" -> + Some `dynamic + | _ -> None ) + | [] | _ :: _ :: _ -> None + in + let kind = + if List.exists method_of ~f:(String.( = ) "namespace") then + Some `function_ + else if List.exists method_of ~f:(String.( = ) "Tensor") then + Some `method_ + else None + in + if + (not deprecated) + && (not + (List.exists excluded_prefixes ~f:(fun prefix -> + String.is_prefix name ~prefix ))) + && (not + (List.exists excluded_suffixes ~f:(fun suffix -> + String.is_suffix name ~suffix ))) + && not (Set.mem excluded_functions name) + then + Option.both returns kind + |> Option.bind ~f:(fun (returns, kind) -> + try + let args = + List.filter_map arguments ~f:(fun arg -> + let arg = extract_map arg in + let arg_name = + Map.find_exn arg "name" |> extract_string + in + let arg_type = + Map.find_exn arg "dynamic_type" |> extract_string + in + let is_nullable = + Map.find arg "is_nullable" + |> Option.value_map ~default:false ~f:extract_bool + in + let default_value = + Map.find arg "default" |> Option.map ~f:extract_string + in + match Func.arg_type_of_string arg_type ~is_nullable with + | Some Scalar + when Option.is_some default_value && not is_nullable + -> + None + | Some TensorOptions + when Option.is_some default_value + && Set.mem no_tensor_options name -> + None + | Some arg_type -> + let arg_name = + match (arg_name, arg_type) with + | "self", Scalar -> "self_scalar" + | _, _ -> arg_name + in + Some {Func.arg_name; arg_type; default_value} + | None -> + if Option.is_some default_value then None + else raise Not_a_simple_arg ) + in + Some + { Func.name + ; operator_name + ; overload_name + ; args + ; returns + ; kind } + with Not_a_simple_arg -> None ) + else None ) + +let p out_channel s = + Printf.ksprintf + (fun line -> + Out_channel.output_string out_channel line ; + Out_channel.output_char out_channel '\n' ) + s + +let print_inline out_channel s = + Printf.ksprintf (fun msg -> Out_channel.output_string out_channel msg) s + +let write_cpp funcs filename = + Out_channel.with_file (filename ^ ".cpp.h") ~f:(fun out_cpp -> + Out_channel.with_file (filename ^ ".h") ~f:(fun out_h -> + let pc s = p out_cpp s in + let ph s = p out_h s in + pc "// THIS FILE IS AUTOMATICALLY GENERATED, DO NOT EDIT BY HAND!" ; + pc "" ; + ph "// THIS FILE IS AUTOMATICALLY GENERATED, DO NOT EDIT BY HAND!" ; + ph "" ; + Map.iteri funcs ~f:(fun ~key:exported_name ~data:func -> + let c_typed_args_list = Func.c_typed_args_list func in + match func.returns with + | `fixed ntensors -> + pc "void atg_%s(tensor *out__, %s) {" exported_name + c_typed_args_list ; + pc " PROTECT(" ; + pc " auto outputs__ = %s;" (Func.c_call func) ; + if ntensors = 1 then + pc " out__[0] = new torch::Tensor(outputs__);" + else + for i = 0 to ntensors - 1 do + pc + " out__[%d] = new \ + torch::Tensor(std::get<%d>(outputs__));" + i i + done ; + pc " )" ; + pc "}" ; + pc "" ; + ph "void atg_%s(tensor *, %s);" exported_name + c_typed_args_list + | `dynamic -> + pc "tensor *atg_%s(%s) {" exported_name c_typed_args_list ; + pc " PROTECT(" ; + pc " auto outputs__ = %s;" (Func.c_call func) ; + (* the returned type is a C++ vector of tensors *) + pc " int sz = outputs__.size();" ; + pc + " torch::Tensor **out__ = (torch::Tensor**)malloc((sz \ + + 1) * sizeof(torch::Tensor*));" ; + pc " for (int i = 0; i < sz; ++i)" ; + pc " out__[i] = new torch::Tensor(outputs__[i]);" ; + pc " out__[sz] = nullptr;" ; + pc " return out__;" ; + pc " )" ; + pc " return nullptr;" ; + pc "}" ; + pc "" ; + ph "tensor *atg_%s(%s);" exported_name c_typed_args_list + | (`bool | `int64_t | `double) as returns -> + let c_type = + match returns with + | `bool -> "int" + | `int64_t -> "int64_t" + | `double -> "double" + in + pc "%s atg_%s(%s) {" c_type exported_name c_typed_args_list ; + pc " PROTECT(" ; + pc " return %s;" (Func.c_call func) ; + pc " )" ; + pc " return 0;" ; + pc "}" ; + pc "" ; + ph "%s atg_%s(%s);" c_type exported_name c_typed_args_list ) + ) ) + +let write_wrapper funcs filename = + Out_channel.with_file filename ~f:(fun out_ml -> + let pm s = print_inline out_ml s in + pm "package tensor" ; + pm "\n\n" ; + pm "// NOTE. THIS FILE IS AUTOMATICALLY GENERATED, DO NOT EDIT BY HAND!" ; + pm "\n\n" ; + pm "// #include \"stdlib.h\"\n" ; + pm "import \"C\"" ; + pm "" ; + pm "\n\n" ; + pm "import(\n" ; + pm " \"unsafe\"\n" ; + pm "\n" ; + pm " \"github.com/sugarme/gotch\"\n" ; + pm " lib \"github.com/sugarme/gotch/libtch\"\n" ; + pm ")" ; + pm "\n\n" ; + Map.iteri funcs ~f:(fun ~key:exported_name ~data:func -> + let is_method = Func.is_method func in + let is_inplace = Func.is_inplace func in + (* NOTE. `torch.__PATTERN` *) + let prefix_2underscore exported_name = + Str.string_match (Str.regexp "^__") exported_name 0 + in + (* NOTE. `torch._PATTERN` *) + let prefix_1underscore exported_name = + Str.string_match (Str.regexp "^_") exported_name 0 + in + (* NOTE. `torch.PATTERN_1` *) + let suffix_1 exported_name = + Str.string_match (Str.regexp ".*_1$") exported_name 0 + in + let gofunc_name = + if prefix_2underscore exported_name then + "__" ^ Func.go_name exported_name + else if prefix_1underscore exported_name then + "_" ^ Func.go_name exported_name + else if suffix_1 exported_name then + Func.go_name exported_name ^ "_" + else Func.go_name exported_name + in + let cfunc_name = "lib.Atg" ^ gofunc_name in + let go_args_list = Func.go_typed_args_list func in + (* NOTE. temporarily excluding these functions as not implemented at FFI *) + (* TODO. implement multiple tensors return function []Tensor *) + let excluded_funcs = + [ "Chunk" + ; "AlignTensors" + ; "BroadcastTensors" + ; "Meshgrid" + ; "NonzeroNumpy" + ; "Split" + ; "SplitWithSizes" + ; "Unbind" + ; "Where" + ; "Atleast1d1" + ; "Atleast2d1" + ; "Atleast3d1" + ; "Dequantize1" + ; "QuantizePerTensor1" + ; "UnsafeChunk" + ; "UnsafeSplit" + ; "UnsafeSplitWithSizes" + ; "AlignTensors" + ; "UnflattenDenseTensors" + ; "TensorSplit" + ; "TensorSplitIndices" + ; "TensorSplitTensorIndicesOrSections" + ; "QuantizePerTensorTensors" + ; "Dsplit" + ; "DsplitArray" + ; "Hsplit" + ; "HsplitArray" + ; "Vsplit" + ; "VsplitArray" + ; "DequantizeTensors" + ; "Atleast1dSequence" + ; "Atleast2dSequence" + ; "Atleast3dSequence" + ; "Index" + ; "IndexPut" + ; "IndexPut_" + ; "_IndexPutImpl_" ] + in + if + List.exists excluded_funcs ~f:(fun name -> + String.( = ) name gofunc_name ) + then pm "" + else + match func.returns with + | `dynamic -> + pm "\n" ; + if is_method then pm "func(ts *Tensor) %s(" gofunc_name + else pm "func %s(" gofunc_name ; + pm "%s" go_args_list ; + pm ")(%s) { \n" (Func.go_return_type func ~fallible:true) ; + if is_method && not is_inplace then + pm " if del { defer ts.MustDrop() }\n" ; + pm " ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0)))\n" ; + pm " \n" ; + pm " %s" (Func.go_binding_body func) ; + pm " %s(ptr, %s)\n" cfunc_name (Func.go_binding_args func) ; + pm " if err = TorchErr(); err != nil {\n" ; + pm " return %s\n" + (Func.go_return_notype func ~fallible:true) ; + pm " }\n" ; + (* NOTE. if in_place method, no retVal return *) + if not (Func.is_inplace func) then + pm " retVal = &Tensor{ctensor: *ptr}\n" + else pm " ts.ctensor = *ptr\n" ; + pm " \n" ; + pm " return %s\n" (Func.go_return_notype func ~fallible:true) ; + pm "} \n" + | `fixed 1 -> + pm "\n" ; + if is_method then pm "func(ts *Tensor) %s(" gofunc_name + else pm "func %s(" gofunc_name ; + pm "%s" go_args_list ; + pm ")(%s) { \n" (Func.go_return_type func ~fallible:true) ; + if is_method && not is_inplace then + pm " if del { defer ts.MustDrop() }\n" ; + pm " ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0)))\n" ; + pm " \n" ; + pm " %s" (Func.go_binding_body func) ; + pm " %s(ptr, %s)\n" cfunc_name (Func.go_binding_args func) ; + pm " if err = TorchErr(); err != nil {\n" ; + pm " return %s\n" + (Func.go_return_notype func ~fallible:true) ; + pm " }\n" ; + (* NOTE. if in_place method, no retVal return *) + if not (Func.is_inplace func) then + pm " retVal = &Tensor{ctensor: *ptr}\n" + else pm " ts.ctensor = *ptr\n" ; + pm " \n" ; + pm " return %s\n" (Func.go_return_notype func ~fallible:true) ; + pm "} \n" + | `fixed ntensors -> + pm "\n" ; + if is_method then pm "func(ts *Tensor) %s(" gofunc_name + else pm "func %s(" gofunc_name ; + pm "%s" go_args_list ; + pm ")(%s) { \n" (Func.go_return_type func ~fallible:true) ; + if is_method && not is_inplace then + pm " if del { defer ts.MustDrop() }\n" ; + for i = 0 to ntensors - 1 do + (* pc " out__[%d] = new torch::Tensor(std::get<%d>(outputs__));" i i *) + if i = 0 then + pm + " ctensorPtr0 := \ + (*lib.Ctensor)(unsafe.Pointer(C.malloc(0)))\n" + else + pm + " ctensorPtr%d := \ + (*lib.Ctensor)(unsafe.Pointer(uintptr(unsafe.Pointer(ctensorPtr%d)) \ + + unsafe.Sizeof(ctensorPtr0)))\n" + i (i - 1) + done ; + pm " \n" ; + pm " %s" (Func.go_binding_body func) ; + pm " %s(ctensorPtr0, %s)\n" cfunc_name + (Func.go_binding_args func) ; + pm " if err = TorchErr(); err != nil {\n" ; + pm " return %s\n" + (Func.go_return_notype func ~fallible:true) ; + pm " }\n" ; + (* NOTE. if in_place method, no retVal return *) + if not (Func.is_inplace func) then + for i = 0 to ntensors - 1 do + pm " retVal%d = &Tensor{ctensor: *ctensorPtr%d}\n" i i + done + else pm " ts.ctensor = *ptr\n" ; + pm " \n" ; + pm " return %s\n" (Func.go_return_notype func ~fallible:true) ; + pm "} \n" + | `bool -> + pm "\n" ; + if is_method then pm "func(ts *Tensor) %s(" gofunc_name + else pm "func %s(" gofunc_name ; + pm "%s" go_args_list ; + pm ")(%s) { \n" (Func.go_return_type func ~fallible:true) ; + if is_method && not is_inplace then + pm " if del { defer ts.MustDrop() }\n" ; + pm " \n" ; + pm " %s" (Func.go_binding_body func) ; + pm " retVal = %s(%s)\n" cfunc_name (Func.go_binding_args func) ; + pm " if err = TorchErr(); err != nil {\n" ; + pm " return %s\n" + (Func.go_return_notype func ~fallible:true) ; + pm " }\n" ; + pm " return %s\n" (Func.go_return_notype func ~fallible:true) ; + pm "} \n" + | `int64_t -> + pm "\n" ; + if is_method then pm "func(ts *Tensor) %s(" gofunc_name + else pm "func %s(" gofunc_name ; + pm "%s" go_args_list ; + pm ")(%s) { \n" (Func.go_return_type func ~fallible:true) ; + if is_method && not is_inplace then + pm " if del { defer ts.MustDrop() }\n" ; + pm " \n" ; + pm " %s" (Func.go_binding_body func) ; + pm " retVal = %s(%s)\n" cfunc_name (Func.go_binding_args func) ; + pm " if err = TorchErr(); err != nil {\n" ; + pm " return %s\n" + (Func.go_return_notype func ~fallible:true) ; + pm " }\n" ; + pm " return %s\n" (Func.go_return_notype func ~fallible:true) ; + pm "} \n" + | `double -> + pm "\n" ; + if is_method then pm "func(ts *Tensor) %s(" gofunc_name + else pm "func %s(" gofunc_name ; + pm "%s" go_args_list ; + pm ")(%s) { \n" (Func.go_return_type func ~fallible:true) ; + if is_method && not is_inplace then + pm "if del { defer ts.MustDrop() }\n" ; + pm " \n" ; + pm " %s" (Func.go_binding_body func) ; + pm " retVal = %s(%s)\n" cfunc_name (Func.go_binding_args func) ; + pm " if err = TorchErr(); err != nil {\n" ; + pm " return %s\n" + (Func.go_return_notype func ~fallible:true) ; + pm " }\n" ; + pm " return %s\n" (Func.go_return_notype func ~fallible:true) ; + pm "} \n" ) ; + pm "// End of implementing Tensor ================================= \n" + ) + +let write_must_wrapper funcs filename = + Out_channel.with_file filename ~f:(fun out_ml -> + let pm s = print_inline out_ml s in + pm "package tensor" ; + pm "\n\n" ; + pm "// NOTE. THIS FILE IS AUTOMATICALLY GENERATED, DO NOT EDIT BY HAND!" ; + pm "\n\n" ; + pm "import(\n" ; + pm " \"log\"\n" ; + pm "\n" ; + pm " \"github.com/sugarme/gotch\"\n" ; + pm ")" ; + pm "\n\n" ; + Map.iteri funcs ~f:(fun ~key:exported_name ~data:func -> + let is_method = Func.is_method func in + (* NOTE. `torch.__PATTERN` *) + let prefix_2underscore exported_name = + Str.string_match (Str.regexp "^__") exported_name 0 + in + (* NOTE. `torch._PATTERN` *) + let prefix_1underscore exported_name = + Str.string_match (Str.regexp "^_") exported_name 0 + in + (* NOTE. `torch.PATTERN_1` *) + let suffix_1 exported_name = + Str.string_match (Str.regexp ".*_1$") exported_name 0 + in + let gofunc_name = + if prefix_2underscore exported_name then + "__" ^ Func.go_name exported_name + else if prefix_1underscore exported_name then + "_" ^ Func.go_name exported_name + else if suffix_1 exported_name then + Func.go_name exported_name ^ "_" + else Func.go_name exported_name + in + let go_args_list = Func.go_typed_args_list func in + let go_args_list_notype = Func.go_notype_args_list func in + (* NOTE. temporarily excluding these functions as not implemented at FFI *) + let excluded_funcs = + [ "Chunk" + ; "AlignTensors" + ; "BroadcastTensors" + ; "Meshgrid" + ; "NonzeroNumpy" + ; "Split" + ; "SplitWithSizes" + ; "Unbind" + ; "Where" + ; "Atleast1d1" + ; "Atleast2d1" + ; "Atleast3d1" + ; "Dequantize1" + ; "QuantizePerTensor1" + ; "UnsafeChunk" + ; "UnsafeSplit" + ; "UnsafeSplitWithSizes" + ; "AlignTensors" + ; "UnflattenDenseTensors" + ; "TensorSplit" + ; "TensorSplitIndices" + ; "TensorSplitTensorIndicesOrSections" + ; "QuantizePerTensorTensors" + ; "Dsplit" + ; "DsplitArray" + ; "Hsplit" + ; "HsplitArray" + ; "Vsplit" + ; "VsplitArray" + ; "DequantizeTensors" + ; "Atleast1dSequence" + ; "Atleast2dSequence" + ; "Atleast3dSequence" + ; "Index" + ; "IndexPut" + ; "IndexPut_" + ; "_IndexPutImpl_" ] + in + if + List.exists excluded_funcs ~f:(fun name -> + String.( = ) name gofunc_name ) + then pm "" + else + match func.returns with + | `dynamic -> + pm "\n" ; + if is_method then pm "func(ts *Tensor) Must%s(" gofunc_name + else pm "func Must%s(" gofunc_name ; + pm "%s" go_args_list ; + pm ")(%s) { \n" (Func.go_return_type func ~fallible:false) ; + pm " \n" ; + if is_method then + pm " retVal, err := ts.%s(%s)\n" gofunc_name + go_args_list_notype + else + pm " retVal, err := %s(%s)\n" gofunc_name + go_args_list_notype ; + pm " if err != nil { log.Fatal(err) }\n" ; + pm " \n" ; + pm " return %s\n" (Func.go_return_notype func ~fallible:false) ; + pm "} \n" + | `fixed 1 -> + pm "\n" ; + if is_method then pm "func(ts *Tensor) Must%s(" gofunc_name + else pm "func Must%s(" gofunc_name ; + pm "%s" go_args_list ; + pm ")(%s) { \n" (Func.go_return_type func ~fallible:false) ; + pm " \n" ; + (* NOTE. No return retVal for in_place method *) + if Func.is_inplace func then + if is_method then + pm " err := ts.%s(%s)\n" gofunc_name go_args_list_notype + else pm " err := %s(%s)\n" gofunc_name go_args_list_notype + else if is_method then + pm " retVal, err := ts.%s(%s)\n" gofunc_name + go_args_list_notype + else + pm " retVal, err := %s(%s)\n" gofunc_name + go_args_list_notype ; + pm " if err != nil { log.Fatal(err) }\n" ; + pm " \n" ; + pm " return %s\n" (Func.go_return_notype func ~fallible:false) ; + pm "} \n" + | `fixed _ -> + pm "\n" ; + if is_method then pm "func(ts *Tensor) Must%s(" gofunc_name + else pm "func Must%s(" gofunc_name ; + pm "%s" go_args_list ; + pm ")(%s) { \n" (Func.go_return_type func ~fallible:false) ; + pm " \n" ; + (* NOTE. No return retVal for in_place method *) + if Func.is_inplace func then + if is_method then + pm " err := ts.%s(%s)\n" gofunc_name go_args_list_notype + else pm " err := %s(%s)\n" gofunc_name go_args_list_notype + else if is_method then + pm " %s, err := ts.%s(%s)\n" + (Func.go_return_notype func ~fallible:false) + gofunc_name go_args_list_notype + else + pm " %s, err := %s(%s)\n" + (Func.go_return_notype func ~fallible:false) + gofunc_name go_args_list_notype ; + pm " if err != nil { log.Fatal(err) }\n" ; + pm " \n" ; + pm " return %s\n" (Func.go_return_notype func ~fallible:false) ; + pm "} \n" + | `bool -> + pm "\n" ; + if is_method then pm "func(ts *Tensor) Must%s(" gofunc_name + else pm "func Must%s(" gofunc_name ; + pm "%s" go_args_list ; + pm ")(%s) { \n" (Func.go_return_type func ~fallible:false) ; + pm " \n" ; + if is_method then + pm " retVal, err := ts.%s(%s)\n" gofunc_name + go_args_list_notype + else + pm " retVal, err := %s(%s)\n" gofunc_name + go_args_list_notype ; + pm " if err != nil { log.Fatal(err) }\n" ; + pm " \n" ; + pm " return %s\n" (Func.go_return_notype func ~fallible:false) ; + pm "} \n" + | `int64_t -> + pm "\n" ; + if is_method then pm "func(ts *Tensor) Must%s(" gofunc_name + else pm "func Must%s(" gofunc_name ; + pm "%s" go_args_list ; + pm ")(%s) { \n" (Func.go_return_type func ~fallible:false) ; + pm " \n" ; + if is_method then + pm " retVal, err := ts.%s(%s)\n" gofunc_name + go_args_list_notype + else + pm " retVal, err := %s(%s)\n" gofunc_name + go_args_list_notype ; + pm " if err != nil { log.Fatal(err) }\n" ; + pm " \n" ; + pm " return %s\n" (Func.go_return_notype func ~fallible:false) ; + pm "} \n" + | `double -> + pm "\n" ; + if is_method then pm "func(ts *Tensor) Must%s(" gofunc_name + else pm "func Must%s(" gofunc_name ; + pm "%s" go_args_list ; + pm ")(%s) { \n" (Func.go_return_type func ~fallible:false) ; + pm " \n" ; + if is_method then + pm " retVal, err := ts.%s(%s)\n" gofunc_name + go_args_list_notype + else + pm " retVal, err := %s(%s)\n" gofunc_name + go_args_list_notype ; + pm " if err != nil { log.Fatal(err) }\n" ; + pm " \n" ; + pm " return %s\n" (Func.go_return_notype func ~fallible:false) ; + pm "} \n" ) ; + pm "// End of implementing Tensor ================================= \n" + ) + +let write_ffi funcs filename = + Out_channel.with_file filename ~f:(fun out_ml -> + let pm s = p out_ml s in + pm "package libtch" ; + pm "" ; + pm "// NOTE. THIS FILE IS AUTOMATICALLY GENERATED, DO NOT EDIT BY HAND!" ; + pm "" ; + pm "//#include \"stdbool.h\" " ; + pm "//#include \"torch_api.h\" " ; + pm "import \"C\"" ; + pm "" ; + pm "import \"unsafe\"" ; + pm "" ; + Map.iteri funcs ~f:(fun ~key:exported_name ~data:func -> + (* let is_method = *) + (* match func.Func.kind with `method_ -> true | `function_ -> false *) + (* in *) + (* let is_inplace = *) + (* Func.is_inplace func *) + (* + * match exported_name with + * | "add_1" -> true + * | "sub_1" -> true + * | "div_1" -> true + * | "mul_1" -> true + * | _ -> false + * *) + (* in *) + (* NOTE. `torch.__PATTERN` *) + let prefix_2underscore exported_name = + Str.string_match (Str.regexp "^__") exported_name 0 + in + (* NOTE. `torch._PATTERN` *) + let prefix_1underscore exported_name = + Str.string_match (Str.regexp "^_") exported_name 0 + in + (* NOTE. `torch.PATTERN_1` *) + let suffix_1 exported_name = + Str.string_match (Str.regexp ".*_1$") exported_name 0 + in + let ffifunc_name = + if prefix_2underscore exported_name then + "__" ^ Func.go_name exported_name + else if prefix_1underscore exported_name then + "_" ^ Func.go_name exported_name + else if suffix_1 exported_name then + Func.go_name exported_name ^ "_" + else Func.go_name exported_name + in + match func.Func.returns with + | `fixed _ -> + pm "func Atg%s(ptr *Ctensor, %s){%s \n\tC.atg_%s(ptr, %s)\n}" + ffifunc_name (Func.c_go_args_list func) + (Func.c_go_args_list_body func) + exported_name + (Func.c_go_args_list_notype func) + | `dynamic -> pm "" + | `bool -> + pm "func Atg%s(%s) bool{%s" ffifunc_name + (Func.c_go_args_list func) + (Func.c_go_args_list_body func) ; + pm "\t cResult := C.atg_%s(%s)" exported_name + (Func.c_go_args_list_notype func) ; + pm "\t cbool := *(*int)(unsafe.Pointer(&cResult))" ; + pm "\t if cbool == 1{return true}" ; + pm "\t return false" ; + pm "}" + | `int64_t -> + pm "func Atg%s(%s) int64{%s" ffifunc_name + (Func.c_go_args_list func) + (Func.c_go_args_list_body func) ; + pm "\t cResult := C.atg_%s(%s)" exported_name + (Func.c_go_args_list_notype func) ; + pm "\t return *(*int64)(unsafe.Pointer(&cResult))" ; + pm "}" + | `double -> + pm "func Atg%s(%s) float64{%s" ffifunc_name + (Func.c_go_args_list func) + (Func.c_go_args_list_body func) ; + pm "\t cResult := C.atg_%s(%s)" exported_name + (Func.c_go_args_list_notype func) ; + pm "\t return *(*float64)(unsafe.Pointer(&cResult))" ; + pm "}" + (* TODO: need more implement here *) + (* pm "func Atg%s(%s)(retValPtr *Ctensor)" *) + (* (Func.go_name exported_name) *) + (* (Func.c_go_args_list func) *) ) ) + +let methods = + let c name args = + { Func.name + ; operator_name= name + ; overload_name= "" + ; args + ; returns= `fixed 1 + ; kind= `method_ } + in + let ca arg_name arg_type = {Func.arg_name; arg_type; default_value= None} in + [ c "grad" [ca "self" Tensor] + ; c "set_requires_grad" [ca "self" Tensor; ca "r" Bool] + ; c "toType" [ca "self" Tensor; ca "scalar_type" ScalarType] + ; c "to" [ca "self" Tensor; ca "device" Device] ] + +let run ~yaml_filename ~cpp_filename ~ffi_filename ~must_wrapper_filename + ~wrapper_filename = + let funcs = read_yaml yaml_filename in + let funcs = methods @ funcs in + printf "Generating code for %d functions.\n%!" (List.length funcs) ; + (* Generate some unique names for overloaded functions. *) + let funcs = + List.map funcs ~f:(fun func -> (String.lowercase func.operator_name, func)) + |> Map.of_alist_multi (module String) + |> Map.to_alist + |> List.concat_map ~f:(fun (name, funcs) -> + match funcs with + | [] -> assert false + | [func] -> [(name, func)] + | funcs -> + let has_empty_overload = + List.exists funcs ~f:(fun (func : Func.t) -> + String.is_empty func.overload_name ) + in + List.sort funcs ~compare:(fun (f1 : Func.t) (f2 : Func.t) -> + match + Int.compare (String.length f1.name) + (String.length f2.name) + with + | 0 -> + Int.compare (List.length f1.args) (List.length f2.args) + | cmp -> cmp ) + |> List.mapi ~f:(fun index (func : Func.t) -> + let operator_name = + String.lowercase func.operator_name + in + let overload_name = + String.lowercase func.overload_name + in + let name = + if + String.is_empty overload_name + || (index = 0 && not has_empty_overload) + then operator_name + else if String.is_suffix operator_name ~suffix:"_" then + operator_name ^ overload_name ^ "_" + else operator_name ^ "_" ^ overload_name + in + (name, func) ) ) + |> Map.of_alist_exn (module String) + in + write_cpp funcs cpp_filename ; + write_ffi funcs ffi_filename ; + write_must_wrapper funcs must_wrapper_filename ; + write_wrapper funcs wrapper_filename + +let () = + run ~yaml_filename:"gen/pytorch/Declarations-v1.9.0.yaml" + ~cpp_filename:"libtch/torch_api_generated" + ~ffi_filename:"libtch/c-generated.go" + ~must_wrapper_filename:"tensor/must-tensor-generated.go" + ~wrapper_filename:"tensor/tensor-generated.go" diff --git a/gen/pytorch/Declarations-v1.10.0.yaml b/gen/pytorch/Declarations-v1.10.0.yaml new file mode 100644 index 0000000..de1c418 --- /dev/null +++ b/gen/pytorch/Declarations-v1.10.0.yaml @@ -0,0 +1,137757 @@ +- name: _cast_Byte + operator_name: _cast_Byte + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cast_Byte(Tensor self, bool non_blocking=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _cast_Char + operator_name: _cast_Char + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cast_Char(Tensor self, bool non_blocking=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _cast_Double + operator_name: _cast_Double + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cast_Double(Tensor self, bool non_blocking=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _cast_Float + operator_name: _cast_Float + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cast_Float(Tensor self, bool non_blocking=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _cast_Int + operator_name: _cast_Int + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cast_Int(Tensor self, bool non_blocking=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _cast_Long + operator_name: _cast_Long + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cast_Long(Tensor self, bool non_blocking=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _cast_Short + operator_name: _cast_Short + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cast_Short(Tensor self, bool non_blocking=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _cast_Half + operator_name: _cast_Half + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cast_Half(Tensor self, bool non_blocking=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _backward + operator_name: _backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_backward(Tensor self, Tensor[] inputs, Tensor? gradient=None, bool? retain_graph=None, bool create_graph=False) -> () + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: inputs + type: at::TensorList + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: gradient + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + name: retain_graph + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: create_graph + type: bool + schema_order_cpp_signature: void (const at::Tensor &, at::TensorList, const c10::optional &, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: inputs + type: at::TensorList + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: gradient + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + name: retain_graph + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: create_graph + type: bool + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: [] + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: set_data + operator_name: set_data + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::set_data(Tensor(a!) self, Tensor new_data) -> () + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: new_data + type: const at::Tensor & + schema_order_cpp_signature: void (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: new_data + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: [] + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: data + operator_name: data + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::data(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: is_leaf + operator_name: is_leaf + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_leaf(Tensor self) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: output_nr + operator_name: output_nr + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::output_nr(Tensor self) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: int64_t (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _version + operator_name: _version + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_version(Tensor self) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: int64_t (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: requires_grad_ + operator_name: requires_grad_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::requires_grad_(Tensor(a!) self, bool requires_grad=True) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: requires_grad + type: bool + schema_order_cpp_signature: at::Tensor & (at::Tensor &, bool) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: requires_grad + type: bool + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: retain_grad + operator_name: retain_grad + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::retain_grad(Tensor(a!) self) -> () + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: void (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: [] + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: retains_grad + operator_name: retains_grad + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::retains_grad(Tensor self) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _fw_primal + operator_name: _fw_primal + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fw_primal(Tensor(a) self, int level) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: level + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: level + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _make_dual + operator_name: _make_dual + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_make_dual(Tensor(a) primal, Tensor tangent, int level) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: primal + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tangent + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: level + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: primal + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tangent + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: level + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _unpack_dual + operator_name: _unpack_dual + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_unpack_dual(Tensor(a) dual, int level) -> (Tensor(a) primal, Tensor tangent) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: dual + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: level + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: dual + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: level + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: primal + name: primal + type: at::Tensor + - dynamic_type: at::Tensor + field_name: tangent + name: tangent + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rename_ + operator_name: rename_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rename_(Tensor(a!) self, Dimname[]? names) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + name: names + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + name: names + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rename + operator_name: rename + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rename(Tensor(a) self, Dimname[]? names) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + name: names + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + name: names + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: align_to + operator_name: align_to + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::align_to(Tensor(a) self, Dimname[] names) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: names + type: at::DimnameList + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::DimnameList) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: names + type: at::DimnameList + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: align_to + operator_name: align_to + overload_name: ellipsis_idx + manual_kernel_registration: false + category_override: '' + schema_string: aten::align_to.ellipsis_idx(Tensor(a) self, Dimname[] order, int ellipsis_idx) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: order + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ellipsis_idx + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::DimnameList, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: order + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ellipsis_idx + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: align_as + operator_name: align_as + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::align_as(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: align_tensors + operator_name: align_tensors + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::align_tensors(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _assert_async + operator_name: _assert_async + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_assert_async(Tensor self) -> () + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: void (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: refine_names + operator_name: refine_names + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::refine_names(Tensor(a) self, Dimname[] names) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: names + type: at::DimnameList + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::DimnameList) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: names + type: at::DimnameList + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _use_cudnn_ctc_loss + operator_name: _use_cudnn_ctc_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_use_cudnn_ctc_loss(Tensor log_probs, Tensor targets, int[] input_lengths, int[] target_lengths, int blank) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_probs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: targets + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: target_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: blank + type: int64_t + schema_order_cpp_signature: bool (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_probs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: targets + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: target_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: blank + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _cudnn_ctc_loss + operator_name: _cudnn_ctc_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cudnn_ctc_loss(Tensor log_probs, Tensor targets, int[] input_lengths, int[] target_lengths, int blank, bool deterministic, bool zero_infinity) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_probs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: targets + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: target_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: blank + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: zero_infinity + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_probs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: targets + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: target_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: blank + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: zero_infinity + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _use_cudnn_rnn_flatten_weight + operator_name: _use_cudnn_rnn_flatten_weight + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_use_cudnn_rnn_flatten_weight() -> bool + arguments: [] + schema_order_cpp_signature: bool () + schema_order_arguments: [] + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _cudnn_rnn_flatten_weight + operator_name: _cudnn_rnn_flatten_weight + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cudnn_rnn_flatten_weight(Tensor[] weight_arr, int weight_stride0, int input_size, int mode, int hidden_size, int proj_size, int num_layers, bool batch_first, bool bidirectional) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: weight_arr + type: at::TensorList + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: weight_stride0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: input_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: hidden_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: proj_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + schema_order_cpp_signature: at::Tensor (at::TensorList, int64_t, int64_t, int64_t, int64_t, int64_t, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: weight_arr + type: at::TensorList + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: weight_stride0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: input_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: hidden_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: proj_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _cudnn_rnn + operator_name: _cudnn_rnn + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cudnn_rnn(Tensor input, Tensor[] weight, int weight_stride0, Tensor? weight_buf, Tensor hx, Tensor? cx, int mode, int hidden_size, int proj_size, int num_layers, bool batch_first, float dropout, bool train, bool bidirectional, int[] batch_sizes, Tensor? dropout_state) -> (Tensor, Tensor, Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: weight + type: at::TensorList + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: weight_stride0 + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight_buf + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: cx + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: hidden_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: proj_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: batch_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: dropout_state + type: const c10::optional & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::TensorList, int64_t, const c10::optional &, const at::Tensor &, const c10::optional &, int64_t, int64_t, int64_t, int64_t, bool, double, bool, bool, at::IntArrayRef, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: weight + type: at::TensorList + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: weight_stride0 + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight_buf + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: cx + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: hidden_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: proj_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: batch_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: dropout_state + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::Tensor + name: result3 + type: at::Tensor + - dynamic_type: at::Tensor + name: result4 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _cudnn_rnn_backward + operator_name: _cudnn_rnn_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cudnn_rnn_backward(Tensor input, Tensor[] weight, int weight_stride0, Tensor weight_buf, Tensor hx, Tensor? cx, Tensor output, Tensor? grad_output, Tensor? grad_hy, Tensor? grad_cy, int mode, int hidden_size, int proj_size, int num_layers, bool batch_first, float dropout, bool train, bool bidirectional, int[] batch_sizes, Tensor? dropout_state, Tensor reserve, bool[4] output_mask) -> (Tensor, Tensor, Tensor, Tensor[]) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: weight + type: at::TensorList + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: weight_stride0 + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight_buf + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: cx + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_output + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_hy + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_cy + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: hidden_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: proj_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: batch_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: dropout_state + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: reserve + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple> (const at::Tensor &, at::TensorList, int64_t, const at::Tensor &, const at::Tensor &, const c10::optional &, const at::Tensor &, const c10::optional &, const c10::optional &, const c10::optional &, int64_t, int64_t, int64_t, int64_t, bool, double, bool, bool, at::IntArrayRef, const c10::optional &, const at::Tensor &, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: weight + type: at::TensorList + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: weight_stride0 + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight_buf + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: cx + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_output + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_hy + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_cy + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: hidden_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: proj_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: batch_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: dropout_state + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: reserve + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::TensorList + name: result3 + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _cudnn_init_dropout_state + operator_name: _cudnn_init_dropout_state + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cudnn_init_dropout_state(float dropout, bool train, int dropout_seed, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=False) -> Tensor + arguments: + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dropout_seed + type: int64_t + - annotation: null + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (double, bool, int64_t, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dropout_seed + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _debug_has_internal_overlap + operator_name: _debug_has_internal_overlap + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_debug_has_internal_overlap(Tensor self) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: int64_t (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _fused_dropout + operator_name: _fused_dropout + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fused_dropout(Tensor self, float p, Generator? generator=None) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, double, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _masked_scale + operator_name: _masked_scale + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_masked_scale(Tensor self, Tensor mask, float scale) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: scale + type: double + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: scale + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _sobol_engine_draw + operator_name: _sobol_engine_draw + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sobol_engine_draw(Tensor quasi, int n, Tensor sobolstate, int dimension, int num_generated, ScalarType? dtype) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: quasi + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sobolstate + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dimension + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_generated + type: int64_t + - annotation: null + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, const at::Tensor &, int64_t, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: quasi + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sobolstate + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dimension + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_generated + type: int64_t + - annotation: null + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sobol_engine_ff_ + operator_name: _sobol_engine_ff_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sobol_engine_ff_(Tensor(a!) self, int n, Tensor sobolstate, int dimension, int num_generated) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sobolstate + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dimension + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_generated + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sobolstate + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dimension + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_generated + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sobol_engine_scramble_ + operator_name: _sobol_engine_scramble_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sobol_engine_scramble_(Tensor(a!) self, Tensor ltm, int dimension) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: ltm + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dimension + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: ltm + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dimension + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sobol_engine_initialize_state_ + operator_name: _sobol_engine_initialize_state_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sobol_engine_initialize_state_(Tensor(a!) self, int dimension) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dimension + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dimension + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _reshape_from_tensor + operator_name: _reshape_from_tensor + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_reshape_from_tensor(Tensor self, Tensor shape) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: shape + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: shape + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _shape_as_tensor + operator_name: _shape_as_tensor + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_shape_as_tensor(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: dropout + operator_name: dropout + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::dropout(Tensor input, float p, bool train) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: dropout_ + operator_name: dropout_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::dropout_(Tensor(a!) self, float p, bool train) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + schema_order_cpp_signature: at::Tensor & (at::Tensor &, double, bool) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: feature_dropout + operator_name: feature_dropout + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::feature_dropout(Tensor input, float p, bool train) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: feature_dropout_ + operator_name: feature_dropout_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::feature_dropout_(Tensor(a!) self, float p, bool train) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + schema_order_cpp_signature: at::Tensor & (at::Tensor &, double, bool) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: alpha_dropout + operator_name: alpha_dropout + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::alpha_dropout(Tensor input, float p, bool train) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: alpha_dropout_ + operator_name: alpha_dropout_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::alpha_dropout_(Tensor(a!) self, float p, bool train) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + schema_order_cpp_signature: at::Tensor & (at::Tensor &, double, bool) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: feature_alpha_dropout + operator_name: feature_alpha_dropout + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::feature_alpha_dropout(Tensor input, float p, bool train) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: feature_alpha_dropout_ + operator_name: feature_alpha_dropout_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::feature_alpha_dropout_(Tensor(a!) self, float p, bool train) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + schema_order_cpp_signature: at::Tensor & (at::Tensor &, double, bool) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: abs + operator_name: abs + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::abs(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: abs_ + operator_name: abs_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::abs_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: abs_out + operator_name: abs + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::abs.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: absolute + operator_name: absolute + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::absolute(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: absolute_ + operator_name: absolute_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::absolute_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: absolute_out + operator_name: absolute + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::absolute.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: angle + operator_name: angle + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::angle(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: angle_out + operator_name: angle + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::angle.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: view_as_real + operator_name: view_as_real + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::view_as_real(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: view_as_complex + operator_name: view_as_complex + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::view_as_complex(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sgn + operator_name: sgn + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sgn(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sgn_ + operator_name: sgn_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sgn_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sgn_out + operator_name: sgn + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::sgn.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: real + operator_name: real + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::real(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: imag + operator_name: imag + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::imag(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _conj + operator_name: _conj + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_conj(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: conj + operator_name: conj + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::conj(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _conj_physical + operator_name: _conj_physical + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_conj_physical(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: conj_physical + operator_name: conj_physical + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::conj_physical(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: conj_physical_out + operator_name: conj_physical + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::conj_physical.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: conj_physical_ + operator_name: conj_physical_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::conj_physical_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: resolve_conj + operator_name: resolve_conj + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::resolve_conj(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: resolve_neg + operator_name: resolve_neg + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::resolve_neg(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _neg_view + operator_name: _neg_view + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_neg_view(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: acos + operator_name: acos + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::acos(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: acos_ + operator_name: acos_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::acos_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: acos_out + operator_name: acos + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::acos.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: arccos + operator_name: arccos + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::arccos(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arccos_ + operator_name: arccos_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::arccos_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arccos_out + operator_name: arccos + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::arccos.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: avg_pool1d + operator_name: avg_pool1d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::avg_pool1d(Tensor self, int[1] kernel_size, int[1] stride=[], int[1] padding=0, bool ceil_mode=False, bool count_include_pad=True) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 1 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 1 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: adaptive_avg_pool1d + operator_name: adaptive_avg_pool1d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_avg_pool1d(Tensor self, int[1] output_size) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: adaptive_max_pool1d + operator_name: adaptive_max_pool1d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_max_pool1d(Tensor self, int[1] output_size) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: add + operator_name: add + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::add.Tensor(Tensor self, Tensor other, *, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: add_ + operator_name: add_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::add_.Tensor(Tensor(a!) self, Tensor other, *, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: add_out + operator_name: add + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::add.out(Tensor self, Tensor other, *, Scalar alpha=1, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _add_relu + operator_name: _add_relu + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::_add_relu.Tensor(Tensor self, Tensor other, *, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _add_relu_ + operator_name: _add_relu_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::_add_relu_.Tensor(Tensor(a!) self, Tensor other, *, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _add_relu_out + operator_name: _add_relu + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_add_relu.out(Tensor self, Tensor other, *, Scalar alpha=1, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _add_relu + operator_name: _add_relu + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_add_relu.Scalar(Tensor self, Scalar other, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _add_relu_ + operator_name: _add_relu_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_add_relu_.Scalar(Tensor(a!) self, Scalar other, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: add + operator_name: add + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::add.Scalar(Tensor self, Scalar other, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: add_ + operator_name: add_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::add_.Scalar(Tensor(a!) self, Scalar other, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addmv + operator_name: addmv + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::addmv(Tensor self, Tensor mat, Tensor vec, *, Scalar beta=1, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addmv_ + operator_name: addmv_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::addmv_(Tensor(a!) self, Tensor mat, Tensor vec, *, Scalar beta=1, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addmv_out + operator_name: addmv + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::addmv.out(Tensor self, Tensor mat, Tensor vec, *, Scalar beta=1, Scalar alpha=1, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addr + operator_name: addr + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::addr(Tensor self, Tensor vec1, Tensor vec2, *, Scalar beta=1, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: addr_ + operator_name: addr_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::addr_(Tensor(a!) self, Tensor vec1, Tensor vec2, *, Scalar beta=1, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addr_out + operator_name: addr + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::addr.out(Tensor self, Tensor vec1, Tensor vec2, *, Scalar beta=1, Scalar alpha=1, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: affine_grid_generator + operator_name: affine_grid_generator + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::affine_grid_generator(Tensor theta, int[] size, bool align_corners) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: theta + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: theta + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: affine_grid_generator_backward + operator_name: affine_grid_generator_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::affine_grid_generator_backward(Tensor grad, int[] size, bool align_corners) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: all + operator_name: all + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::all.dim(Tensor self, int dim, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: all_out + operator_name: all + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::all.out(Tensor self, int dim, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: all + operator_name: all + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::all.dimname(Tensor self, Dimname dim, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: all_out + operator_name: all + overload_name: dimname_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::all.dimname_out(Tensor self, Dimname dim, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Dimname, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: allclose + operator_name: allclose + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::allclose(Tensor self, Tensor other, float rtol=1e-05, float atol=1e-08, bool equal_nan=False) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1.0e-05 + dynamic_type: double + is_nullable: false + name: rtol + type: double + - annotation: null + default: 1.0e-08 + dynamic_type: double + is_nullable: false + name: atol + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: equal_nan + type: bool + schema_order_cpp_signature: bool (const at::Tensor &, const at::Tensor &, double, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1.0e-05 + dynamic_type: double + is_nullable: false + name: rtol + type: double + - annotation: null + default: 1.0e-08 + dynamic_type: double + is_nullable: false + name: atol + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: equal_nan + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: any + operator_name: any + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::any.dim(Tensor self, int dim, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: any_out + operator_name: any + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::any.out(Tensor self, int dim, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: any + operator_name: any + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::any.dimname(Tensor self, Dimname dim, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: any_out + operator_name: any + overload_name: dimname_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::any.dimname_out(Tensor self, Dimname dim, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Dimname, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arange + operator_name: arange + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::arange(Scalar end, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Scalar &, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arange + operator_name: arange + overload_name: start + manual_kernel_registration: false + category_override: '' + schema_string: aten::arange.start(Scalar start, Scalar end, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Scalar &, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arange + operator_name: arange + overload_name: start_step + manual_kernel_registration: false + category_override: '' + schema_string: aten::arange.start_step(Scalar start, Scalar end, Scalar step, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: step + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Scalar &, const at::Scalar &, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: step + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arange_out + operator_name: arange + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::arange.out(Scalar end, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arange_out + operator_name: arange + overload_name: start_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::arange.start_out(Scalar start, Scalar end, Scalar step=1, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: step + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Scalar &, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: step + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _dim_arange + operator_name: _dim_arange + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_dim_arange(Tensor like, int dim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: like + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: like + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: argmax + operator_name: argmax + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::argmax(Tensor self, int? dim=None, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: argmax_out + operator_name: argmax + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::argmax.out(Tensor self, int? dim=None, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: argmin + operator_name: argmin + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::argmin(Tensor self, int? dim=None, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: argmin_out + operator_name: argmin + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::argmin.out(Tensor self, int? dim=None, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: acosh + operator_name: acosh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::acosh(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: acosh_ + operator_name: acosh_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::acosh_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: acosh_out + operator_name: acosh + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::acosh.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: arccosh + operator_name: arccosh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::arccosh(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arccosh_ + operator_name: arccosh_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::arccosh_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arccosh_out + operator_name: arccosh + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::arccosh.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: asinh + operator_name: asinh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::asinh(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: asinh_ + operator_name: asinh_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::asinh_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: asinh_out + operator_name: asinh + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::asinh.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: arcsinh + operator_name: arcsinh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::arcsinh(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arcsinh_ + operator_name: arcsinh_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::arcsinh_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arcsinh_out + operator_name: arcsinh + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::arcsinh.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: atanh + operator_name: atanh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::atanh(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: atanh_ + operator_name: atanh_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::atanh_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: atanh_out + operator_name: atanh + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::atanh.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: arctanh + operator_name: arctanh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::arctanh(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arctanh_ + operator_name: arctanh_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::arctanh_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arctanh_out + operator_name: arctanh + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::arctanh.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: as_strided + operator_name: as_strided + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::as_strided(Tensor(a) self, int[] size, int[] stride, int? storage_offset=None) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: storage_offset + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, c10::optional) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: storage_offset + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: as_strided_ + operator_name: as_strided_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::as_strided_(Tensor(a!) self, int[] size, int[] stride, int? storage_offset=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: storage_offset + type: c10::optional + schema_order_cpp_signature: const at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: storage_offset + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: const at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: asin + operator_name: asin + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::asin(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: asin_ + operator_name: asin_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::asin_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: asin_out + operator_name: asin + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::asin.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: arcsin + operator_name: arcsin + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::arcsin(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arcsin_ + operator_name: arcsin_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::arcsin_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arcsin_out + operator_name: arcsin + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::arcsin.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: atan + operator_name: atan + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::atan(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: atan_ + operator_name: atan_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::atan_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: atan_out + operator_name: atan + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::atan.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: arctan + operator_name: arctan + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::arctan(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arctan_ + operator_name: arctan_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::arctan_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: arctan_out + operator_name: arctan + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::arctan.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: atleast_1d + operator_name: atleast_1d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::atleast_1d(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: atleast_1d + operator_name: atleast_1d + overload_name: Sequence + manual_kernel_registration: false + category_override: '' + schema_string: aten::atleast_1d.Sequence(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: atleast_2d + operator_name: atleast_2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::atleast_2d(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: atleast_2d + operator_name: atleast_2d + overload_name: Sequence + manual_kernel_registration: false + category_override: '' + schema_string: aten::atleast_2d.Sequence(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: atleast_3d + operator_name: atleast_3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::atleast_3d(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: atleast_3d + operator_name: atleast_3d + overload_name: Sequence + manual_kernel_registration: false + category_override: '' + schema_string: aten::atleast_3d.Sequence(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: baddbmm + operator_name: baddbmm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::baddbmm(Tensor self, Tensor batch1, Tensor batch2, *, Scalar beta=1, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: baddbmm_ + operator_name: baddbmm_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::baddbmm_(Tensor(a!) self, Tensor batch1, Tensor batch2, *, Scalar beta=1, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _baddbmm_mkl_ + operator_name: _baddbmm_mkl_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_baddbmm_mkl_(Tensor(a!) self, Tensor batch1, Tensor batch2, *, Scalar beta=1, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: baddbmm_out + operator_name: baddbmm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::baddbmm.out(Tensor self, Tensor batch1, Tensor batch2, *, Scalar beta=1, Scalar alpha=1, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bartlett_window + operator_name: bartlett_window + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::bartlett_window(int window_length, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: bartlett_window + operator_name: bartlett_window + overload_name: periodic + manual_kernel_registration: false + category_override: '' + schema_string: aten::bartlett_window.periodic(int window_length, bool periodic, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, bool, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: batch_norm + operator_name: batch_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::batch_norm(Tensor input, Tensor? weight, Tensor? bias, Tensor? running_mean, Tensor? running_var, bool training, float momentum, float eps, bool cudnn_enabled) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, const c10::optional &, const c10::optional &, const c10::optional &, bool, double, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantized_batch_norm + operator_name: quantized_batch_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantized_batch_norm(Tensor input, Tensor? weight, Tensor? bias, Tensor mean, Tensor var, float eps, float output_scale, int output_zero_point) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: var + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: output_scale + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: output_zero_point + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, const c10::optional &, const at::Tensor &, const at::Tensor &, double, double, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: var + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: output_scale + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: output_zero_point + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _batch_norm_impl_index + operator_name: _batch_norm_impl_index + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_batch_norm_impl_index(Tensor input, Tensor? weight, Tensor? bias, Tensor? running_mean, Tensor? running_var, bool training, float momentum, float eps, bool cudnn_enabled) -> (Tensor, Tensor, Tensor, Tensor, int) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const c10::optional &, const c10::optional &, const c10::optional &, const c10::optional &, bool, double, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::Tensor + name: result3 + type: at::Tensor + - dynamic_type: int64_t + name: result4 + type: int64_t + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _batch_norm_impl_index_backward + operator_name: _batch_norm_impl_index_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_batch_norm_impl_index_backward(int impl_index, Tensor input, Tensor grad_output, Tensor? weight, Tensor? running_mean, Tensor? running_var, Tensor? save_mean, Tensor? save_var_transform, bool train, float eps, bool[3] output_mask, Tensor reservedSpace) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: impl_index + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_var_transform + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: reservedSpace + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (int64_t, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &, const c10::optional &, const c10::optional &, const c10::optional &, bool, double, ::std::array, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: impl_index + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_var_transform + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: reservedSpace + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: bernoulli + operator_name: bernoulli + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::bernoulli(Tensor self, *, Generator? generator=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bernoulli_out + operator_name: bernoulli + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bernoulli.out(Tensor self, *, Generator? generator=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bernoulli_ + operator_name: bernoulli_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bernoulli_.Tensor(Tensor(a!) self, Tensor p, *, Generator? generator=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: p + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: p + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bernoulli_ + operator_name: bernoulli_ + overload_name: float + manual_kernel_registration: false + category_override: '' + schema_string: aten::bernoulli_.float(Tensor(a!) self, float p=0.5, *, Generator? generator=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0.5 + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, double, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0.5 + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bernoulli + operator_name: bernoulli + overload_name: p + manual_kernel_registration: false + category_override: '' + schema_string: aten::bernoulli.p(Tensor self, float p, *, Generator? generator=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: bilinear + operator_name: bilinear + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::bilinear(Tensor input1, Tensor input2, Tensor weight, Tensor? bias) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: binary_cross_entropy + operator_name: binary_cross_entropy + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::binary_cross_entropy(Tensor self, Tensor target, Tensor? weight=None, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: binary_cross_entropy_out + operator_name: binary_cross_entropy + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::binary_cross_entropy.out(Tensor self, Tensor target, Tensor? weight=None, int reduction=Mean, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: binary_cross_entropy_backward + operator_name: binary_cross_entropy_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::binary_cross_entropy_backward(Tensor grad_output, Tensor self, Tensor target, Tensor? weight=None, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: binary_cross_entropy_backward_out + operator_name: binary_cross_entropy_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::binary_cross_entropy_backward.grad_input(Tensor grad_output, Tensor self, Tensor target, Tensor? weight=None, int reduction=Mean, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: binary_cross_entropy_with_logits + operator_name: binary_cross_entropy_with_logits + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::binary_cross_entropy_with_logits(Tensor self, Tensor target, Tensor? weight=None, Tensor? pos_weight=None, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: pos_weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: pos_weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: binary_cross_entropy_with_logits_backward + operator_name: binary_cross_entropy_with_logits_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::binary_cross_entropy_with_logits_backward(Tensor grad_output, Tensor self, Tensor target, Tensor? weight=None, Tensor? pos_weight=None, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: pos_weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: pos_weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: bincount + operator_name: bincount + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::bincount(Tensor self, Tensor? weights=None, int minlength=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weights + type: const c10::optional & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: minlength + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weights + type: const c10::optional & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: minlength + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_not + operator_name: bitwise_not + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_not(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_not_ + operator_name: bitwise_not_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_not_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_not_out + operator_name: bitwise_not + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_not.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: copysign_out + operator_name: copysign + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::copysign.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: copysign + operator_name: copysign + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::copysign.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: copysign_ + operator_name: copysign_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::copysign_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: copysign + operator_name: copysign + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::copysign.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: copysign_ + operator_name: copysign_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::copysign_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: copysign_out + operator_name: copysign + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::copysign.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logical_not + operator_name: logical_not + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logical_not(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: logical_not_ + operator_name: logical_not_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logical_not_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: logical_not_out + operator_name: logical_not + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::logical_not.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logical_xor + operator_name: logical_xor + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logical_xor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: logical_xor_ + operator_name: logical_xor_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logical_xor_(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: logical_xor_out + operator_name: logical_xor + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::logical_xor.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logical_and + operator_name: logical_and + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logical_and(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: logical_and_ + operator_name: logical_and_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logical_and_(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: logical_and_out + operator_name: logical_and + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::logical_and.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logical_or + operator_name: logical_or + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logical_or(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: logical_or_ + operator_name: logical_or_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logical_or_(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: logical_or_out + operator_name: logical_or + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::logical_or.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: blackman_window + operator_name: blackman_window + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::blackman_window(int window_length, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: blackman_window + operator_name: blackman_window + overload_name: periodic + manual_kernel_registration: false + category_override: '' + schema_string: aten::blackman_window.periodic(int window_length, bool periodic, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, bool, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: bmm + operator_name: bmm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::bmm(Tensor self, Tensor mat2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bmm_out + operator_name: bmm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bmm.out(Tensor self, Tensor mat2, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: broadcast_tensors + operator_name: broadcast_tensors + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::broadcast_tensors(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: broadcast_to + operator_name: broadcast_to + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::broadcast_to(Tensor(a) self, int[] size) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cat + operator_name: cat + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cat(Tensor[] tensors, int dim=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (at::TensorList, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cat_out + operator_name: cat + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cat.out(Tensor[] tensors, int dim=0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::TensorList, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cat + operator_name: cat + overload_name: names + manual_kernel_registration: false + category_override: '' + schema_string: aten::cat.names(Tensor[] tensors, Dimname dim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: at::Tensor (at::TensorList, at::Dimname) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cat_out + operator_name: cat + overload_name: names_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cat.names_out(Tensor[] tensors, Dimname dim, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: at::Tensor & (at::TensorList, at::Dimname, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: concat + operator_name: concat + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::concat(Tensor[] tensors, int dim=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (at::TensorList, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: concat_out + operator_name: concat + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::concat.out(Tensor[] tensors, int dim=0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::TensorList, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: concat + operator_name: concat + overload_name: names + manual_kernel_registration: false + category_override: '' + schema_string: aten::concat.names(Tensor[] tensors, Dimname dim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: at::Tensor (at::TensorList, at::Dimname) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: concat_out + operator_name: concat + overload_name: names_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::concat.names_out(Tensor[] tensors, Dimname dim, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: at::Tensor & (at::TensorList, at::Dimname, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: block_diag + operator_name: block_diag + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::block_diag(Tensor[] tensors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: ceil + operator_name: ceil + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::ceil(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ceil_ + operator_name: ceil_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::ceil_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ceil_out + operator_name: ceil + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::ceil.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: chain_matmul + operator_name: chain_matmul + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::chain_matmul(Tensor[] matrices) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: matrices + type: at::TensorList + schema_order_cpp_signature: at::Tensor (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: matrices + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: chain_matmul_out + operator_name: chain_matmul + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::chain_matmul.out(Tensor[] matrices, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: matrices + type: at::TensorList + schema_order_cpp_signature: at::Tensor & (at::TensorList, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: matrices + type: at::TensorList + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: unsafe_chunk + operator_name: unsafe_chunk + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::unsafe_chunk(Tensor self, int chunks, int dim=0) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: chunks + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: chunks + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: chunk + operator_name: chunk + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::chunk(Tensor(a) self, int chunks, int dim=0) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: chunks + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: chunks + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: tensor_split + operator_name: tensor_split + overload_name: sections + manual_kernel_registration: false + category_override: '' + schema_string: aten::tensor_split.sections(Tensor(a) self, int sections, int dim=0) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sections + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sections + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: tensor_split + operator_name: tensor_split + overload_name: indices + manual_kernel_registration: false + category_override: '' + schema_string: aten::tensor_split.indices(Tensor(a) self, int[] indices, int dim=0) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: indices + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: indices + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: tensor_split + operator_name: tensor_split + overload_name: tensor_indices_or_sections + manual_kernel_registration: false + category_override: '' + schema_string: aten::tensor_split.tensor_indices_or_sections(Tensor(a) self, Tensor tensor_indices_or_sections, int dim=0) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor_indices_or_sections + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor_indices_or_sections + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: clamp + operator_name: clamp + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp(Tensor self, Scalar? min=None, Scalar? max=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: max + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: max + type: const c10::optional & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp + operator_name: clamp + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp.Tensor(Tensor self, Tensor? min=None, Tensor? max=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: max + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: max + type: const c10::optional & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_ + operator_name: clamp_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_(Tensor(a!) self, Scalar? min=None, Scalar? max=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: max + type: const c10::optional & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: max + type: const c10::optional & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_ + operator_name: clamp_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_.Tensor(Tensor(a!) self, Tensor? min=None, Tensor? max=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: max + type: const c10::optional & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: max + type: const c10::optional & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_out + operator_name: clamp + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp.out(Tensor self, Scalar? min=None, Scalar? max=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: max + type: const c10::optional & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const c10::optional &, const c10::optional &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: max + type: const c10::optional & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_out + operator_name: clamp + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp.Tensor_out(Tensor self, Tensor? min=None, Tensor? max=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: max + type: const c10::optional & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const c10::optional &, const c10::optional &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: max + type: const c10::optional & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_max + operator_name: clamp_max + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_max(Tensor self, Scalar max) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: max + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: max + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_max + operator_name: clamp_max + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_max.Tensor(Tensor self, Tensor max) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: max + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: max + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_max_ + operator_name: clamp_max_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_max_(Tensor(a!) self, Scalar max) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: max + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: max + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_max_ + operator_name: clamp_max_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_max_.Tensor(Tensor(a!) self, Tensor max) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: max + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: max + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_max_out + operator_name: clamp_max + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_max.out(Tensor self, Scalar max, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: max + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: max + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_max_out + operator_name: clamp_max + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_max.Tensor_out(Tensor self, Tensor max, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: max + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: max + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_min + operator_name: clamp_min + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_min(Tensor self, Scalar min) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: min + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: min + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_min + operator_name: clamp_min + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_min.Tensor(Tensor self, Tensor min) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: min + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: min + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_min_ + operator_name: clamp_min_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_min_(Tensor(a!) self, Scalar min) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: min + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: min + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_min_ + operator_name: clamp_min_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_min_.Tensor(Tensor(a!) self, Tensor min) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: min + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: min + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_min_out + operator_name: clamp_min + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_min.out(Tensor self, Scalar min, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: min + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: min + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clamp_min_out + operator_name: clamp_min + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::clamp_min.Tensor_out(Tensor self, Tensor min, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: min + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: min + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: clip + operator_name: clip + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::clip(Tensor self, Scalar? min=None, Scalar? max=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: max + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: max + type: const c10::optional & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: clip + operator_name: clip + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::clip.Tensor(Tensor self, Tensor? min=None, Tensor? max=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: max + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: max + type: const c10::optional & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: clip_ + operator_name: clip_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::clip_(Tensor(a!) self, Scalar? min=None, Scalar? max=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: max + type: const c10::optional & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: max + type: const c10::optional & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: clip_ + operator_name: clip_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::clip_.Tensor(Tensor(a!) self, Tensor? min=None, Tensor? max=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: max + type: const c10::optional & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: max + type: const c10::optional & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: clip_out + operator_name: clip + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::clip.out(Tensor self, Scalar? min=None, Scalar? max=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: max + type: const c10::optional & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const c10::optional &, const c10::optional &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: max + type: const c10::optional & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: clip_out + operator_name: clip + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::clip.Tensor_out(Tensor self, Tensor? min=None, Tensor? max=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: max + type: const c10::optional & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const c10::optional &, const c10::optional &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: min + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: max + type: const c10::optional & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cudnn_is_acceptable + operator_name: cudnn_is_acceptable + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_is_acceptable(Tensor self) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: complex + operator_name: complex + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::complex(Tensor real, Tensor imag) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: real + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: imag + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: real + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: imag + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: complex_out + operator_name: complex + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::complex.out(Tensor real, Tensor imag, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: real + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: imag + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: real + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: imag + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: polar + operator_name: polar + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::polar(Tensor abs, Tensor angle) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: abs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: angle + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: abs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: angle + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: polar_out + operator_name: polar + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::polar.out(Tensor abs, Tensor angle, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: abs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: angle + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: abs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: angle + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: constant_pad_nd + operator_name: constant_pad_nd + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::constant_pad_nd(Tensor self, int[] pad, Scalar value=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: pad + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: pad + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: contiguous + operator_name: contiguous + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::contiguous(Tensor(a) self, *, MemoryFormat memory_format=contiguous_format) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: MemoryFormat::Contiguous + dynamic_type: at::MemoryFormat + is_nullable: false + kwarg_only: true + name: memory_format + type: at::MemoryFormat + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::MemoryFormat) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: MemoryFormat::Contiguous + dynamic_type: at::MemoryFormat + is_nullable: false + kwarg_only: true + name: memory_format + type: at::MemoryFormat + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: convolution + operator_name: convolution + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::convolution(Tensor input, Tensor weight, Tensor? bias, int[] stride, int[] padding, int[] dilation, bool transposed, int[] output_padding, int groups) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: convolution_overrideable + operator_name: convolution_overrideable + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::convolution_overrideable(Tensor input, Tensor weight, Tensor? bias, int[] stride, int[] padding, int[] dilation, bool transposed, int[] output_padding, int groups) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: convolution_backward_overrideable + operator_name: convolution_backward_overrideable + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::convolution_backward_overrideable(Tensor grad_output, Tensor input, Tensor weight, int[] stride, int[] padding, int[] dilation, bool transposed, int[] output_padding, int groups, bool[3] output_mask) -> (Tensor grad_input, Tensor grad_weight, Tensor grad_bias) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, at::IntArrayRef, int64_t, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: grad_input + name: grad_input + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_weight + name: grad_weight + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_bias + name: grad_bias + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _convolution + operator_name: _convolution + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_convolution(Tensor input, Tensor weight, Tensor? bias, int[] stride, int[] padding, int[] dilation, bool transposed, int[] output_padding, int groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, at::IntArrayRef, int64_t, bool, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _convolution + operator_name: _convolution + overload_name: deprecated + manual_kernel_registration: false + category_override: '' + schema_string: aten::_convolution.deprecated(Tensor input, Tensor weight, Tensor? bias, int[] stride, int[] padding, int[] dilation, bool transposed, int[] output_padding, int groups, bool benchmark, bool deterministic, bool cudnn_enabled) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, at::IntArrayRef, int64_t, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _convolution_mode + operator_name: _convolution_mode + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_convolution_mode(Tensor input, Tensor weight, Tensor? bias, int[] stride, str padding, int[] dilation, int groups) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: padding + type: c10::string_view + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, c10::string_view, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: padding + type: c10::string_view + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _convolution_nogroup + operator_name: _convolution_nogroup + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_convolution_nogroup(Tensor input, Tensor weight, Tensor? bias, int[] stride, int[] padding, int[] dilation, bool transposed, int[] output_padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _convolution_double_backward + operator_name: _convolution_double_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_convolution_double_backward(Tensor? ggI, Tensor? ggW, Tensor? ggb, Tensor gO, Tensor weight, Tensor self, int[] stride, int[] padding, int[] dilation, bool transposed, int[] output_padding, int groups, bool benchmark, bool deterministic, bool cudnn_enabled, bool allow_tf32, bool[3] output_mask) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: ggI + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: ggW + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: ggb + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: gO + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const c10::optional &, const c10::optional &, const c10::optional &, const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, at::IntArrayRef, int64_t, bool, bool, bool, bool, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: ggI + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: ggW + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: ggb + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: gO + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: transposed + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: conv1d + operator_name: conv1d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv1d(Tensor input, Tensor weight, Tensor? bias=None, int[1] stride=1, int[1] padding=0, int[1] dilation=1, int groups=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: conv2d + operator_name: conv2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv2d(Tensor input, Tensor weight, Tensor? bias=None, int[2] stride=1, int[2] padding=0, int[2] dilation=1, int groups=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: conv3d + operator_name: conv3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv3d(Tensor input, Tensor weight, Tensor? bias=None, int[3] stride=1, int[3] padding=0, int[3] dilation=1, int groups=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: conv1d + operator_name: conv1d + overload_name: padding + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv1d.padding(Tensor input, Tensor weight, Tensor? bias=None, int[1] stride=1, str padding="valid", int[1] dilation=1, int groups=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: '"valid"' + dynamic_type: c10::string_view + is_nullable: false + name: padding + type: c10::string_view + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, c10::string_view, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: '"valid"' + dynamic_type: c10::string_view + is_nullable: false + name: padding + type: c10::string_view + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: conv2d + operator_name: conv2d + overload_name: padding + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv2d.padding(Tensor input, Tensor weight, Tensor? bias=None, int[2] stride=1, str padding="valid", int[2] dilation=1, int groups=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: '"valid"' + dynamic_type: c10::string_view + is_nullable: false + name: padding + type: c10::string_view + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, c10::string_view, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: '"valid"' + dynamic_type: c10::string_view + is_nullable: false + name: padding + type: c10::string_view + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: conv3d + operator_name: conv3d + overload_name: padding + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv3d.padding(Tensor input, Tensor weight, Tensor? bias=None, int[3] stride=1, str padding="valid", int[3] dilation=1, int groups=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: '"valid"' + dynamic_type: c10::string_view + is_nullable: false + name: padding + type: c10::string_view + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, c10::string_view, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: '"valid"' + dynamic_type: c10::string_view + is_nullable: false + name: padding + type: c10::string_view + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: conv_tbc + operator_name: conv_tbc + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv_tbc(Tensor self, Tensor weight, Tensor bias, int pad=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bias + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: pad + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bias + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: pad + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: conv_tbc_backward + operator_name: conv_tbc_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv_tbc_backward(Tensor self, Tensor input, Tensor weight, Tensor bias, int pad) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bias + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: pad + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bias + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: pad + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: conv_transpose1d + operator_name: conv_transpose1d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv_transpose1d(Tensor input, Tensor weight, Tensor? bias=None, int[1] stride=1, int[1] padding=0, int[1] output_padding=0, int groups=1, int[1] dilation=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 1 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 1 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: conv_transpose2d + operator_name: conv_transpose2d + overload_name: input + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv_transpose2d.input(Tensor input, Tensor weight, Tensor? bias=None, int[2] stride=1, int[2] padding=0, int[2] output_padding=0, int groups=1, int[2] dilation=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: conv_transpose3d + operator_name: conv_transpose3d + overload_name: input + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv_transpose3d.input(Tensor input, Tensor weight, Tensor? bias=None, int[3] stride=1, int[3] padding=0, int[3] output_padding=0, int groups=1, int[3] dilation=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: copy_ + operator_name: copy_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::copy_(Tensor(a!) self, Tensor src, bool non_blocking=False) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: _copy_from + operator_name: _copy_from + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_copy_from(Tensor self, Tensor dst, bool non_blocking=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dst + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dst + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _copy_from_and_resize + operator_name: _copy_from_and_resize + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_copy_from_and_resize(Tensor self, Tensor dst) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dst + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dst + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cos + operator_name: cos + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cos(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cos_ + operator_name: cos_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cos_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cos_out + operator_name: cos + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cos.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cosh + operator_name: cosh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cosh(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cosh_ + operator_name: cosh_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cosh_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cosh_out + operator_name: cosh + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cosh.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cosine_embedding_loss + operator_name: cosine_embedding_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cosine_embedding_loss(Tensor input1, Tensor input2, Tensor target, float margin=0.0, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: 0.0 + dynamic_type: double + is_nullable: false + name: margin + type: double + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, double, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: 0.0 + dynamic_type: double + is_nullable: false + name: margin + type: double + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: count_nonzero + operator_name: count_nonzero + overload_name: dim_IntList + manual_kernel_registration: false + category_override: '' + schema_string: aten::count_nonzero.dim_IntList(Tensor self, int[] dim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: count_nonzero + operator_name: count_nonzero + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::count_nonzero(Tensor self, int? dim=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cov + operator_name: cov + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cov(Tensor self, *, int correction=1, Tensor? fweights=None, Tensor? aweights=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: correction + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: fweights + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: aweights + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: correction + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: fweights + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: aweights + type: const c10::optional & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: corrcoef + operator_name: corrcoef + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::corrcoef(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cudnn_affine_grid_generator + operator_name: cudnn_affine_grid_generator + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_affine_grid_generator(Tensor theta, int N, int C, int H, int W) -> Tensor grid + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: theta + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: N + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: C + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: H + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: W + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: theta + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: N + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: C + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: H + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: W + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: grid + name: grid + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_affine_grid_generator_backward + operator_name: cudnn_affine_grid_generator_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_affine_grid_generator_backward(Tensor grad, int N, int C, int H, int W) -> Tensor grad_theta + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: N + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: C + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: H + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: W + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: N + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: C + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: H + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: W + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: grad_theta + name: grad_theta + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_batch_norm + operator_name: cudnn_batch_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_batch_norm(Tensor input, Tensor weight, Tensor? bias, Tensor? running_mean, Tensor? running_var, bool training, float exponential_average_factor, float epsilon) -> (Tensor, Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: exponential_average_factor + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: epsilon + type: double + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &, const c10::optional &, bool, double, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: exponential_average_factor + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: epsilon + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::Tensor + name: result3 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_batch_norm_backward + operator_name: cudnn_batch_norm_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_batch_norm_backward(Tensor input, Tensor grad_output, Tensor weight, Tensor? running_mean, Tensor? running_var, Tensor? save_mean, Tensor? save_var, float epsilon, Tensor reserveSpace) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_var + type: const c10::optional & + - annotation: null + dynamic_type: double + is_nullable: false + name: epsilon + type: double + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: reserveSpace + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &, const c10::optional &, const c10::optional &, double, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_var + type: const c10::optional & + - annotation: null + dynamic_type: double + is_nullable: false + name: epsilon + type: double + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: reserveSpace + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution + operator_name: cudnn_convolution + overload_name: deprecated + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution.deprecated(Tensor self, Tensor weight, Tensor? bias, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution + operator_name: cudnn_convolution + overload_name: deprecated2 + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution.deprecated2(Tensor self, Tensor weight, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution + operator_name: cudnn_convolution + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution(Tensor self, Tensor weight, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic, bool allow_tf32) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution_backward_input + operator_name: cudnn_convolution_backward_input + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution_backward_input(int[] self_size, Tensor grad_output, Tensor weight, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic, bool allow_tf32) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: self_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: self_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution_backward + operator_name: cudnn_convolution_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution_backward(Tensor self, Tensor grad_output, Tensor weight, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic, bool allow_tf32, bool[2] output_mask) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool, bool, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution_backward_weight + operator_name: cudnn_convolution_backward_weight + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution_backward_weight(int[] weight_size, Tensor grad_output, Tensor self, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic, bool allow_tf32) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weight_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weight_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution_transpose + operator_name: cudnn_convolution_transpose + overload_name: deprecated + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution_transpose.deprecated(Tensor self, Tensor weight, Tensor? bias, int[] padding, int[] output_padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution_transpose + operator_name: cudnn_convolution_transpose + overload_name: deprecated2 + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution_transpose.deprecated2(Tensor self, Tensor weight, int[] padding, int[] output_padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution_transpose + operator_name: cudnn_convolution_transpose + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution_transpose(Tensor self, Tensor weight, int[] padding, int[] output_padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic, bool allow_tf32) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution_transpose_backward + operator_name: cudnn_convolution_transpose_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution_transpose_backward(Tensor self, Tensor grad_output, Tensor weight, int[] padding, int[] output_padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic, bool allow_tf32, bool[2] output_mask) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool, bool, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution_transpose_backward_input + operator_name: cudnn_convolution_transpose_backward_input + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution_transpose_backward_input(Tensor grad_output, Tensor weight, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic, bool allow_tf32) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution_transpose_backward_weight + operator_name: cudnn_convolution_transpose_backward_weight + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution_transpose_backward_weight(int[] weight_size, Tensor grad_output, Tensor self, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic, bool allow_tf32) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weight_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weight_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: allow_tf32 + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution_relu + operator_name: cudnn_convolution_relu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution_relu(Tensor self, Tensor weight, Tensor? bias, int[] stride, int[] padding, int[] dilation, int groups) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_convolution_add_relu + operator_name: cudnn_convolution_add_relu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_convolution_add_relu(Tensor self, Tensor weight, Tensor z, Scalar? alpha, Tensor? bias, int[] stride, int[] padding, int[] dilation, int groups) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: z + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: alpha + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: z + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: alpha + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_grid_sampler + operator_name: cudnn_grid_sampler + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_grid_sampler(Tensor self, Tensor grid) -> Tensor output + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: output + name: output + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cudnn_grid_sampler_backward + operator_name: cudnn_grid_sampler_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cudnn_grid_sampler_backward(Tensor self, Tensor grid, Tensor grad_output) -> (Tensor grad_self, Tensor grad_grid) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: grad_self + name: grad_self + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_grid + name: grad_grid + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cummax + operator_name: cummax + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cummax(Tensor self, int dim) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cummax_out + operator_name: cummax + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cummax.out(Tensor self, int dim, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cummax + operator_name: cummax + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::cummax.dimname(Tensor self, Dimname dim) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cummax_out + operator_name: cummax + overload_name: dimname_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cummax.dimname_out(Tensor self, Dimname dim, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _cummax_helper + operator_name: _cummax_helper + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cummax_helper(Tensor self, Tensor(a!) values, Tensor(b!) indices, int dim) -> () + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: values + type: at::Tensor & + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: void (const at::Tensor &, at::Tensor &, at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: values + type: at::Tensor & + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cummin + operator_name: cummin + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cummin(Tensor self, int dim) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cummin_out + operator_name: cummin + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cummin.out(Tensor self, int dim, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cummin + operator_name: cummin + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::cummin.dimname(Tensor self, Dimname dim) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cummin_out + operator_name: cummin + overload_name: dimname_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cummin.dimname_out(Tensor self, Dimname dim, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _cummin_helper + operator_name: _cummin_helper + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cummin_helper(Tensor self, Tensor(a!) values, Tensor(b!) indices, int dim) -> () + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: values + type: at::Tensor & + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: void (const at::Tensor &, at::Tensor &, at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: values + type: at::Tensor & + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cummaxmin_backward + operator_name: cummaxmin_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cummaxmin_backward(Tensor grad, Tensor input, Tensor indices, int dim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: cumprod + operator_name: cumprod + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumprod(Tensor self, int dim, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cumprod_ + operator_name: cumprod_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumprod_(Tensor(a!) self, int dim, *, ScalarType? dtype=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cumprod_out + operator_name: cumprod + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumprod.out(Tensor self, int dim, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cumprod + operator_name: cumprod + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumprod.dimname(Tensor self, Dimname dim, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cumprod_ + operator_name: cumprod_ + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumprod_.dimname(Tensor(a!) self, Dimname dim, *, ScalarType? dtype=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, at::Dimname, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cumprod_out + operator_name: cumprod + overload_name: dimname_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumprod.dimname_out(Tensor self, Dimname dim, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Dimname, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cumprod_backward + operator_name: cumprod_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumprod_backward(Tensor grad, Tensor input, int dim, Tensor output) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: cumsum + operator_name: cumsum + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumsum(Tensor self, int dim, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cumsum_ + operator_name: cumsum_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumsum_(Tensor(a!) self, int dim, *, ScalarType? dtype=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cumsum_out + operator_name: cumsum + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumsum.out(Tensor self, int dim, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cumsum + operator_name: cumsum + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumsum.dimname(Tensor self, Dimname dim, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cumsum_ + operator_name: cumsum_ + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumsum_.dimname(Tensor(a!) self, Dimname dim, *, ScalarType? dtype=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, at::Dimname, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cumsum_out + operator_name: cumsum + overload_name: dimname_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumsum.dimname_out(Tensor self, Dimname dim, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Dimname, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cumulative_trapezoid + operator_name: cumulative_trapezoid + overload_name: x + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumulative_trapezoid.x(Tensor y, Tensor x, *, int dim=-1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: y + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: y + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cumulative_trapezoid + operator_name: cumulative_trapezoid + overload_name: dx + manual_kernel_registration: false + category_override: '' + schema_string: aten::cumulative_trapezoid.dx(Tensor y, *, Scalar dx=1, int dim=-1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: y + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: dx + type: const at::Scalar & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: y + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: dx + type: const at::Scalar & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: ctc_loss + operator_name: ctc_loss + overload_name: IntList + manual_kernel_registration: false + category_override: '' + schema_string: aten::ctc_loss.IntList(Tensor log_probs, Tensor targets, int[] input_lengths, int[] target_lengths, int blank=0, int reduction=Mean, bool zero_infinity=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_probs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: targets + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: target_lengths + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: blank + type: int64_t + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: zero_infinity + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, int64_t, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_probs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: targets + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: target_lengths + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: blank + type: int64_t + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: zero_infinity + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: ctc_loss + operator_name: ctc_loss + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::ctc_loss.Tensor(Tensor log_probs, Tensor targets, Tensor input_lengths, Tensor target_lengths, int blank=0, int reduction=Mean, bool zero_infinity=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_probs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: targets + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input_lengths + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target_lengths + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: blank + type: int64_t + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: zero_infinity + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_probs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: targets + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input_lengths + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target_lengths + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: blank + type: int64_t + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: zero_infinity + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _ctc_loss + operator_name: _ctc_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_ctc_loss(Tensor log_probs, Tensor targets, int[] input_lengths, int[] target_lengths, int blank=0, bool zero_infinity=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_probs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: targets + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: target_lengths + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: blank + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: zero_infinity + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_probs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: targets + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: target_lengths + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: blank + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: zero_infinity + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _ctc_loss_backward + operator_name: _ctc_loss_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_ctc_loss_backward(Tensor grad, Tensor log_probs, Tensor targets, int[] input_lengths, int[] target_lengths, Tensor neg_log_likelihood, Tensor log_alpha, int blank, bool zero_infinity=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_probs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: targets + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: target_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: neg_log_likelihood + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_alpha + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: blank + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: zero_infinity + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, const at::Tensor &, const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_probs + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: targets + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: target_lengths + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: neg_log_likelihood + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: log_alpha + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: blank + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: zero_infinity + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: diag_embed + operator_name: diag_embed + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::diag_embed(Tensor self, int offset=0, int dim1=-2, int dim2=-1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: offset + type: int64_t + - annotation: null + default: -2 + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim2 + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: offset + type: int64_t + - annotation: null + default: -2 + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim2 + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: diagflat + operator_name: diagflat + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::diagflat(Tensor self, int offset=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: offset + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: offset + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: diagonal + operator_name: diagonal + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::diagonal(Tensor(a) self, int offset=0, int dim1=0, int dim2=1) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: offset + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: dim2 + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: offset + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: dim2 + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: diagonal + operator_name: diagonal + overload_name: Dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::diagonal.Dimname(Tensor(a) self, *, Dimname outdim, Dimname dim1, Dimname dim2, int offset=0) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + kwarg_only: true + name: outdim + type: at::Dimname + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + kwarg_only: true + name: dim1 + type: at::Dimname + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + kwarg_only: true + name: dim2 + type: at::Dimname + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: offset + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, at::Dimname, at::Dimname, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + kwarg_only: true + name: outdim + type: at::Dimname + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + kwarg_only: true + name: dim1 + type: at::Dimname + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + kwarg_only: true + name: dim2 + type: at::Dimname + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: offset + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: diagonal_backward + operator_name: diagonal_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::diagonal_backward(Tensor grad_output, int[] input_sizes, int offset, int dim1, int dim2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: offset + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim2 + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: offset + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim2 + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: fill_diagonal_ + operator_name: fill_diagonal_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fill_diagonal_(Tensor(a!) self, Scalar fill_value, bool wrap=False) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: fill_value + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: wrap + type: bool + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &, bool) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: fill_value + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: wrap + type: bool + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: diff + operator_name: diff + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::diff(Tensor self, int n=1, int dim=-1, Tensor? prepend=None, Tensor? append=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: prepend + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: append + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: prepend + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: append + type: const c10::optional & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: diff_out + operator_name: diff + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::diff.out(Tensor self, int n=1, int dim=-1, Tensor? prepend=None, Tensor? append=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: prepend + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: append + type: const c10::optional & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, int64_t, const c10::optional &, const c10::optional &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: prepend + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: append + type: const c10::optional & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: gradient + operator_name: gradient + overload_name: scalarint + manual_kernel_registration: false + category_override: '' + schema_string: aten::gradient.scalarint(Tensor self, *, Scalar? spacing=None, int? dim=None, int edge_order=1) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + kwarg_only: true + name: spacing + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: dim + type: c10::optional + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, const c10::optional &, c10::optional, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + kwarg_only: true + name: spacing + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: dim + type: c10::optional + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: gradient + operator_name: gradient + overload_name: scalararray + manual_kernel_registration: false + category_override: '' + schema_string: aten::gradient.scalararray(Tensor self, *, Scalar spacing, int[] dim, int edge_order=1) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: spacing + type: const at::Scalar & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + kwarg_only: true + name: dim + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, const at::Scalar &, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: spacing + type: const at::Scalar & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + kwarg_only: true + name: dim + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: gradient + operator_name: gradient + overload_name: array + manual_kernel_registration: false + category_override: '' + schema_string: aten::gradient.array(Tensor self, *, int[] dim, int edge_order=1) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + kwarg_only: true + name: dim + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + kwarg_only: true + name: dim + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: gradient + operator_name: gradient + overload_name: scalarrayint + manual_kernel_registration: false + category_override: '' + schema_string: aten::gradient.scalarrayint(Tensor self, *, Scalar[] spacing, int? dim=None, int edge_order=1) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + kwarg_only: true + name: spacing + type: at::ArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: dim + type: c10::optional + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, at::ArrayRef, c10::optional, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + kwarg_only: true + name: spacing + type: at::ArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: dim + type: c10::optional + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: gradient + operator_name: gradient + overload_name: scalarrayarray + manual_kernel_registration: false + category_override: '' + schema_string: aten::gradient.scalarrayarray(Tensor self, *, Scalar[] spacing, int[] dim, int edge_order=1) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + kwarg_only: true + name: spacing + type: at::ArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + kwarg_only: true + name: dim + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, at::ArrayRef, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + kwarg_only: true + name: spacing + type: at::ArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + kwarg_only: true + name: dim + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: gradient + operator_name: gradient + overload_name: tensorarrayint + manual_kernel_registration: false + category_override: '' + schema_string: aten::gradient.tensorarrayint(Tensor self, *, Tensor[] spacing, int? dim=None, int edge_order=1) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + kwarg_only: true + name: spacing + type: at::TensorList + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: dim + type: c10::optional + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, at::TensorList, c10::optional, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + kwarg_only: true + name: spacing + type: at::TensorList + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: dim + type: c10::optional + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: gradient + operator_name: gradient + overload_name: tensorarray + manual_kernel_registration: false + category_override: '' + schema_string: aten::gradient.tensorarray(Tensor self, *, Tensor[] spacing, int[] dim, int edge_order=1) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + kwarg_only: true + name: spacing + type: at::TensorList + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + kwarg_only: true + name: dim + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, at::TensorList, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + kwarg_only: true + name: spacing + type: at::TensorList + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + kwarg_only: true + name: dim + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: edge_order + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: div + operator_name: div + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::div.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: div_ + operator_name: div_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::div_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: div_out + operator_name: div + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::div.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: div + operator_name: div + overload_name: Tensor_mode + manual_kernel_registration: false + category_override: '' + schema_string: aten::div.Tensor_mode(Tensor self, Tensor other, *, str? rounding_mode) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: div_ + operator_name: div_ + overload_name: Tensor_mode + manual_kernel_registration: false + category_override: '' + schema_string: aten::div_.Tensor_mode(Tensor(a!) self, Tensor other, *, str? rounding_mode) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: div_out + operator_name: div + overload_name: out_mode + manual_kernel_registration: false + category_override: '' + schema_string: aten::div.out_mode(Tensor self, Tensor other, *, str? rounding_mode, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: div + operator_name: div + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::div.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: div_ + operator_name: div_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::div_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: div + operator_name: div + overload_name: Scalar_mode + manual_kernel_registration: false + category_override: '' + schema_string: aten::div.Scalar_mode(Tensor self, Scalar other, *, str? rounding_mode) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: div_ + operator_name: div_ + overload_name: Scalar_mode + manual_kernel_registration: false + category_override: '' + schema_string: aten::div_.Scalar_mode(Tensor(a!) self, Scalar other, *, str? rounding_mode) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: divide + operator_name: divide + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::divide.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: divide_ + operator_name: divide_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::divide_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: divide_out + operator_name: divide + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::divide.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: divide + operator_name: divide + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::divide.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: divide_ + operator_name: divide_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::divide_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: divide + operator_name: divide + overload_name: Tensor_mode + manual_kernel_registration: false + category_override: '' + schema_string: aten::divide.Tensor_mode(Tensor self, Tensor other, *, str? rounding_mode) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: divide_ + operator_name: divide_ + overload_name: Tensor_mode + manual_kernel_registration: false + category_override: '' + schema_string: aten::divide_.Tensor_mode(Tensor(a!) self, Tensor other, *, str? rounding_mode) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: divide_out + operator_name: divide + overload_name: out_mode + manual_kernel_registration: false + category_override: '' + schema_string: aten::divide.out_mode(Tensor self, Tensor other, *, str? rounding_mode, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: divide + operator_name: divide + overload_name: Scalar_mode + manual_kernel_registration: false + category_override: '' + schema_string: aten::divide.Scalar_mode(Tensor self, Scalar other, *, str? rounding_mode) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: divide_ + operator_name: divide_ + overload_name: Scalar_mode + manual_kernel_registration: false + category_override: '' + schema_string: aten::divide_.Scalar_mode(Tensor(a!) self, Scalar other, *, str? rounding_mode) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: rounding_mode + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: true_divide + operator_name: true_divide + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::true_divide.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: true_divide_ + operator_name: true_divide_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::true_divide_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: true_divide_out + operator_name: true_divide + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::true_divide.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: true_divide + operator_name: true_divide + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::true_divide.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: true_divide_ + operator_name: true_divide_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::true_divide_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: dot + operator_name: dot + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::dot(Tensor self, Tensor tensor) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: dot_out + operator_name: dot + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::dot.out(Tensor self, Tensor tensor, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: vdot + operator_name: vdot + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::vdot(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: vdot_out + operator_name: vdot + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::vdot.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: einsum + operator_name: einsum + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::einsum(str equation, Tensor[] tensors) -> Tensor + arguments: + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: equation + type: c10::string_view + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor (c10::string_view, at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: equation + type: c10::string_view + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: embedding + operator_name: embedding + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::embedding(Tensor weight, Tensor indices, int padding_idx=-1, bool scale_grad_by_freq=False, bool sparse=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: embedding_backward + operator_name: embedding_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::embedding_backward(Tensor grad, Tensor indices, int num_weights, int padding_idx, bool scale_grad_by_freq, bool sparse) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_weights + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_weights + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: embedding_dense_backward + operator_name: embedding_dense_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::embedding_dense_backward(Tensor grad_output, Tensor indices, int num_weights, int padding_idx, bool scale_grad_by_freq) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_weights + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_weights + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: embedding_renorm_ + operator_name: embedding_renorm_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::embedding_renorm_(Tensor(a!) self, Tensor indices, float max_norm, float norm_type) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: max_norm + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: norm_type + type: double + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, double, double) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: max_norm + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: norm_type + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: embedding_sparse_backward + operator_name: embedding_sparse_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::embedding_sparse_backward(Tensor grad, Tensor indices, int num_weights, int padding_idx, bool scale_grad_by_freq) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_weights + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_weights + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _embedding_bag_forward_only + operator_name: _embedding_bag_forward_only + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_embedding_bag_forward_only(Tensor weight, Tensor indices, Tensor offsets, bool scale_grad_by_freq=False, int mode=0, bool sparse=False, Tensor? per_sample_weights=None, bool include_last_offset=False, int padding_idx=-1) -> (Tensor, Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: include_last_offset + type: bool + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, bool, int64_t, bool, const c10::optional &, bool, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: include_last_offset + type: bool + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::Tensor + name: result3 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _rowwise_prune + operator_name: _rowwise_prune + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_rowwise_prune(Tensor weight, Tensor mask, ScalarType compressed_indices_dtype) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: compressed_indices_dtype + type: at::ScalarType + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::ScalarType) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: compressed_indices_dtype + type: at::ScalarType + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: row_stack + operator_name: row_stack + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::row_stack(Tensor[] tensors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: row_stack_out + operator_name: row_stack + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::row_stack.out(Tensor[] tensors, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor & (at::TensorList, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: embedding_bag + operator_name: embedding_bag + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::embedding_bag(Tensor weight, Tensor indices, Tensor offsets, bool scale_grad_by_freq=False, int mode=0, bool sparse=False, Tensor? per_sample_weights=None, bool include_last_offset=False) -> (Tensor, Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: include_last_offset + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, bool, int64_t, bool, const c10::optional &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: include_last_offset + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::Tensor + name: result3 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: embedding_bag + operator_name: embedding_bag + overload_name: padding_idx + manual_kernel_registration: false + category_override: '' + schema_string: aten::embedding_bag.padding_idx(Tensor weight, Tensor indices, Tensor offsets, bool scale_grad_by_freq, int mode, bool sparse, Tensor? per_sample_weights, bool include_last_offset, int? padding_idx) -> (Tensor, Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: include_last_offset + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: padding_idx + type: c10::optional + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, bool, int64_t, bool, const c10::optional &, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: include_last_offset + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: padding_idx + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::Tensor + name: result3 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _embedding_bag + operator_name: _embedding_bag + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_embedding_bag(Tensor weight, Tensor indices, Tensor offsets, bool scale_grad_by_freq=False, int mode=0, bool sparse=False, Tensor? per_sample_weights=None, bool include_last_offset=False, int padding_idx=-1) -> (Tensor, Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: include_last_offset + type: bool + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, bool, int64_t, bool, const c10::optional &, bool, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: include_last_offset + type: bool + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::Tensor + name: result3 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _embedding_bag_backward + operator_name: _embedding_bag_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_embedding_bag_backward(Tensor grad, Tensor indices, Tensor offsets, Tensor offset2bag, Tensor bag_size, Tensor maximum_indices, int num_weights, bool scale_grad_by_freq, int mode, bool sparse, Tensor? per_sample_weights, int padding_idx=-1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offset2bag + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bag_size + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: maximum_indices + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_weights + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, bool, int64_t, bool, const c10::optional &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offset2bag + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bag_size + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: maximum_indices + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_weights + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: sparse + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _embedding_bag_sparse_backward + operator_name: _embedding_bag_sparse_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_embedding_bag_sparse_backward(Tensor grad, Tensor indices, Tensor offsets, Tensor offset2bag, Tensor bag_size, int num_weights, bool scale_grad_by_freq, int mode, Tensor? per_sample_weights, int padding_idx=-1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offset2bag + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bag_size + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_weights + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, bool, int64_t, const c10::optional &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offset2bag + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bag_size + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_weights + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _embedding_bag_dense_backward + operator_name: _embedding_bag_dense_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_embedding_bag_dense_backward(Tensor grad, Tensor indices, Tensor offset2bag, Tensor bag_size, Tensor maximum_indices, int num_weights, bool scale_grad_by_freq, int mode, Tensor? per_sample_weights, int padding_idx=-1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offset2bag + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bag_size + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: maximum_indices + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_weights + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, bool, int64_t, const c10::optional &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offset2bag + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bag_size + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: maximum_indices + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_weights + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: scale_grad_by_freq + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: per_sample_weights + type: const c10::optional & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _embedding_bag_per_sample_weights_backward + operator_name: _embedding_bag_per_sample_weights_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_embedding_bag_per_sample_weights_backward(Tensor grad, Tensor weight, Tensor indices, Tensor offsets, Tensor offset2bag, int mode, int padding_idx=-1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offset2bag + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offsets + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: offset2bag + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: padding_idx + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: empty + operator_name: empty + overload_name: names + manual_kernel_registration: false + category_override: '' + schema_string: aten::empty.names(int[] size, *, Dimname[]? names, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, MemoryFormat? memory_format=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: empty + operator_name: empty + overload_name: memory_format + manual_kernel_registration: false + category_override: '' + schema_string: aten::empty.memory_format(int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, MemoryFormat? memory_format=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: new_empty + operator_name: new_empty + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::new_empty(Tensor self, int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: new_empty_strided + operator_name: new_empty_strided + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::new_empty_strided(Tensor self, int[] size, int[] stride, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: new_full + operator_name: new_full + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::new_full(Tensor self, int[] size, Scalar fill_value, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: fill_value + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, const at::Scalar &, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: fill_value + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: new_zeros + operator_name: new_zeros + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::new_zeros(Tensor self, int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: new_ones + operator_name: new_ones + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::new_ones(Tensor self, int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _empty_affine_quantized + operator_name: _empty_affine_quantized + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_empty_affine_quantized(int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, float scale=1, int zero_point=0, MemoryFormat? memory_format=contiguous_format) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + kwarg_only: true + name: scale + type: double + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: zero_point + type: int64_t + - annotation: null + default: MemoryFormat::Contiguous + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, double, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + kwarg_only: true + name: scale + type: double + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: zero_point + type: int64_t + - annotation: null + default: MemoryFormat::Contiguous + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _empty_per_channel_affine_quantized + operator_name: _empty_per_channel_affine_quantized + overload_name: '' + manual_kernel_registration: false + category_override: factory + schema_string: aten::_empty_per_channel_affine_quantized(int[] size, *, Tensor scales, Tensor zero_points, int axis, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, MemoryFormat? memory_format=contiguous_format) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + kwarg_only: true + name: scales + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + kwarg_only: true + name: zero_points + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: axis + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: MemoryFormat::Contiguous + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Tensor &, const at::Tensor &, int64_t, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + kwarg_only: true + name: scales + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + kwarg_only: true + name: zero_points + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: axis + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: MemoryFormat::Contiguous + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: resize_ + operator_name: resize_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::resize_(Tensor(a!) self, int[] size, *, MemoryFormat? memory_format=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: const at::Tensor & (const at::Tensor &, at::IntArrayRef, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: const at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: empty_quantized + operator_name: empty_quantized + overload_name: '' + manual_kernel_registration: false + category_override: factory + schema_string: aten::empty_quantized(int[] size, Tensor qtensor, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, MemoryFormat? memory_format=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: qtensor + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Tensor &, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: qtensor + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: empty_out + operator_name: empty + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::empty.out(int[] size, *, MemoryFormat? memory_format=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::IntArrayRef, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: empty_like + operator_name: empty_like + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::empty_like(Tensor self, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, MemoryFormat? memory_format=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: empty_strided + operator_name: empty_strided + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::empty_strided(int[] size, int[] stride, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: erf + operator_name: erf + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::erf(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: erf_ + operator_name: erf_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::erf_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: erf_out + operator_name: erf + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::erf.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: erfc + operator_name: erfc + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::erfc(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: erfc_ + operator_name: erfc_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::erfc_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: erfc_out + operator_name: erfc + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::erfc.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: exp + operator_name: exp + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::exp(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: exp_ + operator_name: exp_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::exp_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: exp_out + operator_name: exp + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::exp.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: exp2 + operator_name: exp2 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::exp2(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: exp2_ + operator_name: exp2_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::exp2_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: exp2_out + operator_name: exp2 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::exp2.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: expm1 + operator_name: expm1 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::expm1(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: expm1_ + operator_name: expm1_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::expm1_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: expm1_out + operator_name: expm1 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::expm1.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: expand + operator_name: expand + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::expand(Tensor(a) self, int[] size, *, bool implicit=False) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: implicit + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: implicit + type: bool + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: expand_as + operator_name: expand_as + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::expand_as(Tensor(a) self, Tensor other) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: eye + operator_name: eye + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::eye(int n, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: eye + operator_name: eye + overload_name: m + manual_kernel_registration: false + category_override: '' + schema_string: aten::eye.m(int n, int m, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: m + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, int64_t, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: m + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: eye_out + operator_name: eye + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::eye.out(int n, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + schema_order_cpp_signature: at::Tensor & (int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: eye_out + operator_name: eye + overload_name: m_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::eye.m_out(int n, int m, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: m + type: int64_t + schema_order_cpp_signature: at::Tensor & (int64_t, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: m + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: flatten + operator_name: flatten + overload_name: using_ints + manual_kernel_registration: false + category_override: '' + schema_string: aten::flatten.using_ints(Tensor(a) self, int start_dim=0, int end_dim=-1) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: start_dim + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: end_dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: start_dim + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: end_dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: flatten + operator_name: flatten + overload_name: named_out_dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::flatten.named_out_dim(Tensor(a) self, int start_dim, int end_dim, Dimname out_dim) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: start_dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: end_dim + type: int64_t + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: out_dim + type: at::Dimname + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t, at::Dimname) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: start_dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: end_dim + type: int64_t + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: out_dim + type: at::Dimname + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: flatten + operator_name: flatten + overload_name: using_names + manual_kernel_registration: false + category_override: '' + schema_string: aten::flatten.using_names(Tensor(a) self, Dimname start_dim, Dimname end_dim, Dimname out_dim) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: start_dim + type: at::Dimname + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: end_dim + type: at::Dimname + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: out_dim + type: at::Dimname + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, at::Dimname, at::Dimname) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: start_dim + type: at::Dimname + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: end_dim + type: at::Dimname + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: out_dim + type: at::Dimname + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: flatten + operator_name: flatten + overload_name: DimnameList + manual_kernel_registration: false + category_override: '' + schema_string: aten::flatten.DimnameList(Tensor(a) self, Dimname[] dims, Dimname out_dim) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dims + type: at::DimnameList + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: out_dim + type: at::Dimname + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::DimnameList, at::Dimname) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dims + type: at::DimnameList + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: out_dim + type: at::Dimname + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: unflatten + operator_name: unflatten + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::unflatten.int(Tensor(a) self, int dim, int[] sizes, Dimname[]? names=None) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: sizes + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::DimnameList + is_nullable: true + name: names + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, at::IntArrayRef, c10::optional) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: sizes + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::DimnameList + is_nullable: true + name: names + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: unflatten + operator_name: unflatten + overload_name: Dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::unflatten.Dimname(Tensor(a) self, Dimname dim, int[] sizes, Dimname[] names) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: names + type: at::DimnameList + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, at::IntArrayRef, at::DimnameList) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: names + type: at::DimnameList + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fill_ + operator_name: fill_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::fill_.Scalar(Tensor(a!) self, Scalar value) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fill_ + operator_name: fill_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::fill_.Tensor(Tensor(a!) self, Tensor value) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: floor + operator_name: floor + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::floor(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: floor_ + operator_name: floor_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::floor_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: floor_out + operator_name: floor + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::floor.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: floor_divide + operator_name: floor_divide + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::floor_divide(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: floor_divide_ + operator_name: floor_divide_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::floor_divide_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: floor_divide_out + operator_name: floor_divide + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::floor_divide.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: floor_divide + operator_name: floor_divide + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::floor_divide.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: floor_divide_ + operator_name: floor_divide_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::floor_divide_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: frac + operator_name: frac + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::frac(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: frac_ + operator_name: frac_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::frac_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: frac_out + operator_name: frac + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::frac.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: full + operator_name: full + overload_name: names + manual_kernel_registration: false + category_override: '' + schema_string: aten::full.names(int[] size, Scalar fill_value, *, Dimname[]? names, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: fill_value + type: const at::Scalar & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Scalar &, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: fill_value + type: const at::Scalar & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: full + operator_name: full + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::full(int[] size, Scalar fill_value, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: fill_value + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Scalar &, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: fill_value + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: full_out + operator_name: full + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::full.out(int[] size, Scalar fill_value, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: fill_value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::IntArrayRef, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: fill_value + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: full_like + operator_name: full_like + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::full_like(Tensor self, Scalar fill_value, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, MemoryFormat? memory_format=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: fill_value + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: fill_value + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: from_file + operator_name: from_file + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::from_file(str filename, bool? shared=None, int? size=0, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: filename + type: c10::string_view + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + name: shared + type: c10::optional + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: true + name: size + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (c10::string_view, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: filename + type: c10::string_view + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + name: shared + type: c10::optional + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: true + name: size + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gcd_out + operator_name: gcd + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::gcd.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gcd + operator_name: gcd + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::gcd(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gcd_ + operator_name: gcd_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::gcd_(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lcm_out + operator_name: lcm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::lcm.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lcm + operator_name: lcm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::lcm(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lcm_ + operator_name: lcm_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::lcm_(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: grid_sampler + operator_name: grid_sampler + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::grid_sampler(Tensor input, Tensor grid, int interpolation_mode, int padding_mode, bool align_corners) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: grid_sampler_2d + operator_name: grid_sampler_2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::grid_sampler_2d(Tensor input, Tensor grid, int interpolation_mode, int padding_mode, bool align_corners) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: grid_sampler_2d_backward + operator_name: grid_sampler_2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::grid_sampler_2d_backward(Tensor grad_output, Tensor input, Tensor grid, int interpolation_mode, int padding_mode, bool align_corners) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _grid_sampler_2d_cpu_fallback + operator_name: _grid_sampler_2d_cpu_fallback + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_grid_sampler_2d_cpu_fallback(Tensor input, Tensor grid, int interpolation_mode, int padding_mode, bool align_corners) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _grid_sampler_2d_cpu_fallback_backward + operator_name: _grid_sampler_2d_cpu_fallback_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_grid_sampler_2d_cpu_fallback_backward(Tensor grad_output, Tensor input, Tensor grid, int interpolation_mode, int padding_mode, bool align_corners) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: grid_sampler_3d + operator_name: grid_sampler_3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::grid_sampler_3d(Tensor input, Tensor grid, int interpolation_mode, int padding_mode, bool align_corners) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: grid_sampler_3d_backward + operator_name: grid_sampler_3d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::grid_sampler_3d_backward(Tensor grad_output, Tensor input, Tensor grid, int interpolation_mode, int padding_mode, bool align_corners) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grid + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: interpolation_mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: padding_mode + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hann_window + operator_name: hann_window + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hann_window(int window_length, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: hann_window + operator_name: hann_window + overload_name: periodic + manual_kernel_registration: false + category_override: '' + schema_string: aten::hann_window.periodic(int window_length, bool periodic, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, bool, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: hamming_window + operator_name: hamming_window + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hamming_window(int window_length, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: hamming_window + operator_name: hamming_window + overload_name: periodic + manual_kernel_registration: false + category_override: '' + schema_string: aten::hamming_window.periodic(int window_length, bool periodic, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, bool, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: hamming_window + operator_name: hamming_window + overload_name: periodic_alpha + manual_kernel_registration: false + category_override: '' + schema_string: aten::hamming_window.periodic_alpha(int window_length, bool periodic, float alpha, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: alpha + type: double + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, bool, double, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: alpha + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: hamming_window + operator_name: hamming_window + overload_name: periodic_alpha_beta + manual_kernel_registration: false + category_override: '' + schema_string: aten::hamming_window.periodic_alpha_beta(int window_length, bool periodic, float alpha, float beta, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: alpha + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: beta + type: double + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, bool, double, double, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: alpha + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: beta + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: kaiser_window + operator_name: kaiser_window + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::kaiser_window(int window_length, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: kaiser_window + operator_name: kaiser_window + overload_name: periodic + manual_kernel_registration: false + category_override: '' + schema_string: aten::kaiser_window.periodic(int window_length, bool periodic, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, bool, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: kaiser_window + operator_name: kaiser_window + overload_name: beta + manual_kernel_registration: false + category_override: '' + schema_string: aten::kaiser_window.beta(int window_length, bool periodic, float beta, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: beta + type: double + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, bool, double, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: window_length + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: periodic + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: beta + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: hinge_embedding_loss + operator_name: hinge_embedding_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hinge_embedding_loss(Tensor self, Tensor target, float margin=1.0, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: margin + type: double + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, double, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: margin + type: double + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: group_norm + operator_name: group_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::group_norm(Tensor input, int num_groups, Tensor? weight=None, Tensor? bias=None, float eps=1e-05, bool cudnn_enabled=True) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_groups + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1.0e-05 + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const c10::optional &, const c10::optional &, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_groups + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1.0e-05 + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: native_group_norm + operator_name: native_group_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::native_group_norm(Tensor input, Tensor? weight, Tensor? bias, int N, int C, int HxW, int group, float eps) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: N + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: C + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: HxW + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: group + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const c10::optional &, const c10::optional &, int64_t, int64_t, int64_t, int64_t, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: N + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: C + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: HxW + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: group + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: native_group_norm_backward + operator_name: native_group_norm_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::native_group_norm_backward(Tensor grad_out, Tensor input, Tensor mean, Tensor rstd, Tensor? weight, int N, int C, int HxW, int group, bool[3] output_mask) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: rstd + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: N + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: C + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: HxW + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: group + type: int64_t + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t, int64_t, int64_t, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: rstd + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: N + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: C + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: HxW + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: group + type: int64_t + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _fft_r2c + operator_name: _fft_r2c + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fft_r2c(Tensor self, int[] dim, int normalization, bool onesided) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: normalization + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: onesided + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: normalization + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: onesided + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _fft_r2c_out + operator_name: _fft_r2c + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fft_r2c.out(Tensor self, int[] dim, int normalization, bool onesided, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: normalization + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: onesided + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, int64_t, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: normalization + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: onesided + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _fft_c2r + operator_name: _fft_c2r + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fft_c2r(Tensor self, int[] dim, int normalization, int last_dim_size) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: normalization + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: last_dim_size + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: normalization + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: last_dim_size + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _fft_c2r_out + operator_name: _fft_c2r + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fft_c2r.out(Tensor self, int[] dim, int normalization, int last_dim_size, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: normalization + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: last_dim_size + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, int64_t, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: normalization + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: last_dim_size + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _fft_c2c + operator_name: _fft_c2c + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fft_c2c(Tensor self, int[] dim, int normalization, bool forward) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: normalization + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: forward + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: normalization + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: forward + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _fft_c2c_out + operator_name: _fft_c2c + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fft_c2c.out(Tensor self, int[] dim, int normalization, bool forward, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: normalization + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: forward + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, int64_t, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: normalization + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: forward + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _cufft_get_plan_cache_size + operator_name: _cufft_get_plan_cache_size + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cufft_get_plan_cache_size(int device_index) -> int + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: device_index + type: int64_t + schema_order_cpp_signature: int64_t (int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: device_index + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _cufft_get_plan_cache_max_size + operator_name: _cufft_get_plan_cache_max_size + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cufft_get_plan_cache_max_size(int device_index) -> int + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: device_index + type: int64_t + schema_order_cpp_signature: int64_t (int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: device_index + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _cufft_set_plan_cache_max_size + operator_name: _cufft_set_plan_cache_max_size + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cufft_set_plan_cache_max_size(int device_index, int max_size) -> () + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: device_index + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: max_size + type: int64_t + schema_order_cpp_signature: void (int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: device_index + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: max_size + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _cufft_clear_plan_cache + operator_name: _cufft_clear_plan_cache + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cufft_clear_plan_cache(int device_index) -> () + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: device_index + type: int64_t + schema_order_cpp_signature: void (int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: device_index + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index + operator_name: index + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::index.Tensor(Tensor self, Tensor?[] indices) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const c10::List> & + is_nullable: true + name: indices + type: const c10::List> & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::List> &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const c10::List> & + is_nullable: true + name: indices + type: const c10::List> & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: index_copy_ + operator_name: index_copy_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_copy_(Tensor(a!) self, int dim, Tensor index, Tensor source) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: index_copy + operator_name: index_copy + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_copy(Tensor self, int dim, Tensor index, Tensor source) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_copy_ + operator_name: index_copy_ + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_copy_.dimname(Tensor(a!) self, Dimname dim, Tensor index, Tensor source) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, at::Dimname, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_copy + operator_name: index_copy + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_copy.dimname(Tensor self, Dimname dim, Tensor index, Tensor source) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_put_ + operator_name: index_put_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_put_(Tensor(a!) self, Tensor?[] indices, Tensor values, bool accumulate=False) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const c10::List> & + is_nullable: true + name: indices + type: const c10::List> & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: accumulate + type: bool + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const c10::List> &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const c10::List> & + is_nullable: true + name: indices + type: const c10::List> & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: accumulate + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: index_put + operator_name: index_put + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_put(Tensor self, Tensor?[] indices, Tensor values, bool accumulate=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const c10::List> & + is_nullable: true + name: indices + type: const c10::List> & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: accumulate + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::List> &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const c10::List> & + is_nullable: true + name: indices + type: const c10::List> & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: accumulate + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _index_put_impl_ + operator_name: _index_put_impl_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_index_put_impl_(Tensor(a!) self, Tensor?[] indices, Tensor values, bool accumulate=False, bool unsafe=False) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const c10::List> & + is_nullable: true + name: indices + type: const c10::List> & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: accumulate + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: unsafe + type: bool + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const c10::List> &, const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const c10::List> & + is_nullable: true + name: indices + type: const c10::List> & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: accumulate + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: unsafe + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: instance_norm + operator_name: instance_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::instance_norm(Tensor input, Tensor? weight, Tensor? bias, Tensor? running_mean, Tensor? running_var, bool use_input_stats, float momentum, float eps, bool cudnn_enabled) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: use_input_stats + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, const c10::optional &, const c10::optional &, const c10::optional &, bool, double, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: use_input_stats + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: cudnn_enabled + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: inverse + operator_name: inverse + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::inverse(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: inverse_out + operator_name: inverse + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::inverse.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _inverse_helper + operator_name: _inverse_helper + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_inverse_helper(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: isclose + operator_name: isclose + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::isclose(Tensor self, Tensor other, float rtol=1e-05, float atol=1e-08, bool equal_nan=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1.0e-05 + dynamic_type: double + is_nullable: false + name: rtol + type: double + - annotation: null + default: 1.0e-08 + dynamic_type: double + is_nullable: false + name: atol + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: equal_nan + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, double, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1.0e-05 + dynamic_type: double + is_nullable: false + name: rtol + type: double + - annotation: null + default: 1.0e-08 + dynamic_type: double + is_nullable: false + name: atol + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: equal_nan + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: isin_out + operator_name: isin + overload_name: Tensor_Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::isin.Tensor_Tensor_out(Tensor elements, Tensor test_elements, *, bool assume_unique=False, bool invert=False, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: elements + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: test_elements + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: assume_unique + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: invert + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, bool, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: elements + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: test_elements + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: assume_unique + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: invert + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: isin + operator_name: isin + overload_name: Tensor_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::isin.Tensor_Tensor(Tensor elements, Tensor test_elements, *, bool assume_unique=False, bool invert=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: elements + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: test_elements + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: assume_unique + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: invert + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: elements + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: test_elements + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: assume_unique + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: invert + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: isin_out + operator_name: isin + overload_name: Tensor_Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::isin.Tensor_Scalar_out(Tensor elements, Scalar test_element, *, bool assume_unique=False, bool invert=False, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: elements + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: test_element + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: assume_unique + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: invert + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, bool, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: elements + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: test_element + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: assume_unique + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: invert + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: isin + operator_name: isin + overload_name: Tensor_Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::isin.Tensor_Scalar(Tensor elements, Scalar test_element, *, bool assume_unique=False, bool invert=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: elements + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: test_element + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: assume_unique + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: invert + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: elements + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: test_element + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: assume_unique + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: invert + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: isin_out + operator_name: isin + overload_name: Scalar_Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::isin.Scalar_Tensor_out(Scalar element, Tensor test_elements, *, bool assume_unique=False, bool invert=False, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: element + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: test_elements + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: assume_unique + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: invert + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Scalar &, const at::Tensor &, bool, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: element + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: test_elements + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: assume_unique + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: invert + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: isin + operator_name: isin + overload_name: Scalar_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::isin.Scalar_Tensor(Scalar element, Tensor test_elements, *, bool assume_unique=False, bool invert=False) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: element + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: test_elements + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: assume_unique + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: invert + type: bool + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: element + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: test_elements + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: assume_unique + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: invert + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: isnan + operator_name: isnan + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::isnan(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: is_distributed + operator_name: is_distributed + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_distributed(Tensor self) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: is_floating_point + operator_name: is_floating_point + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_floating_point(Tensor self) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: is_complex + operator_name: is_complex + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_complex(Tensor self) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: is_conj + operator_name: is_conj + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_conj(Tensor self) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: is_neg + operator_name: is_neg + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_neg(Tensor self) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: isreal + operator_name: isreal + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::isreal(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: is_nonzero + operator_name: is_nonzero + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_nonzero(Tensor self) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: is_same_size + operator_name: is_same_size + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_same_size(Tensor self, Tensor other) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: is_signed + operator_name: is_signed + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_signed(Tensor self) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: is_inference + operator_name: is_inference + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_inference(Tensor self) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: kl_div + operator_name: kl_div + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::kl_div(Tensor self, Tensor target, int reduction=Mean, *, bool log_target=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: log_target + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: log_target + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: kl_div_backward + operator_name: kl_div_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::kl_div_backward(Tensor grad_output, Tensor self, Tensor target, int reduction=Mean, *, bool log_target=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: log_target + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: log_target + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: kron + operator_name: kron + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::kron(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: kron_out + operator_name: kron + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::kron.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: kthvalue + operator_name: kthvalue + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::kthvalue(Tensor self, int k, int dim=-1, bool keepdim=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: kthvalue_out + operator_name: kthvalue + overload_name: values + manual_kernel_registration: false + category_override: '' + schema_string: aten::kthvalue.values(Tensor self, int k, int dim=-1, bool keepdim=False, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, int64_t, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: kthvalue + operator_name: kthvalue + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::kthvalue.dimname(Tensor self, int k, Dimname dim, bool keepdim=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, at::Dimname, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: kthvalue_out + operator_name: kthvalue + overload_name: dimname_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::kthvalue.dimname_out(Tensor self, int k, Dimname dim, bool keepdim=False, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, at::Dimname, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: layer_norm + operator_name: layer_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::layer_norm(Tensor input, int[] normalized_shape, Tensor? weight=None, Tensor? bias=None, float eps=1e-05, bool cudnn_enable=True) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: normalized_shape + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1.0e-05 + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: cudnn_enable + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, const c10::optional &, const c10::optional &, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: normalized_shape + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1.0e-05 + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: cudnn_enable + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: native_layer_norm + operator_name: native_layer_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::native_layer_norm(Tensor input, int[] normalized_shape, Tensor? weight, Tensor? bias, float eps) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: normalized_shape + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, const c10::optional &, const c10::optional &, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: normalized_shape + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: native_layer_norm_backward + operator_name: native_layer_norm_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::native_layer_norm_backward(Tensor grad_out, Tensor input, int[] normalized_shape, Tensor mean, Tensor rstd, Tensor? weight, Tensor? bias, bool[3] output_mask) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: normalized_shape + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: rstd + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: normalized_shape + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: rstd + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nan_to_num + operator_name: nan_to_num + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nan_to_num(Tensor self, float? nan=None, float? posinf=None, float? neginf=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: nan + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: posinf + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: neginf + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: nan + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: posinf + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: neginf + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nan_to_num_ + operator_name: nan_to_num_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nan_to_num_(Tensor(a!) self, float? nan=None, float? posinf=None, float? neginf=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: nan + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: posinf + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: neginf + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: nan + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: posinf + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: neginf + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nan_to_num_out + operator_name: nan_to_num + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::nan_to_num.out(Tensor self, float? nan=None, float? posinf=None, float? neginf=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: nan + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: posinf + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: neginf + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: nan + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: posinf + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: neginf + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linear + operator_name: linear + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linear(Tensor input, Tensor weight, Tensor? bias=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linear_out + operator_name: linear + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linear.out(Tensor input, Tensor weight, Tensor? bias=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const c10::optional &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: mkldnn_linear + operator_name: mkldnn_linear + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_linear(Tensor self, Tensor weight, Tensor? bias=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mkldnn_linear_backward_input + operator_name: mkldnn_linear_backward_input + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_linear_backward_input(int[] input_size, Tensor grad_output, Tensor weight) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mkldnn_linear_backward_weights + operator_name: mkldnn_linear_backward_weights + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_linear_backward_weights(Tensor grad_output, Tensor input, Tensor weight, bool bias_defined) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: bias_defined + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: bias_defined + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mkldnn_linear_backward + operator_name: mkldnn_linear_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_linear_backward(Tensor self, Tensor grad_output, Tensor weight, bool[3] output_mask) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fbgemm_linear_int8_weight_fp32_activation + operator_name: fbgemm_linear_int8_weight_fp32_activation + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fbgemm_linear_int8_weight_fp32_activation(Tensor input, Tensor weight, Tensor packed, Tensor col_offsets, Scalar weight_scale, Scalar weight_zero_point, Tensor bias) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight_scale + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight_zero_point + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bias + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight_scale + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight_zero_point + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bias + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fbgemm_linear_int8_weight + operator_name: fbgemm_linear_int8_weight + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fbgemm_linear_int8_weight(Tensor input, Tensor weight, Tensor packed, Tensor col_offsets, Scalar weight_scale, Scalar weight_zero_point, Tensor bias) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight_scale + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight_zero_point + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bias + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight_scale + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight_zero_point + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bias + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fbgemm_linear_quantize_weight + operator_name: fbgemm_linear_quantize_weight + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fbgemm_linear_quantize_weight(Tensor input) -> (Tensor, Tensor, float, int) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: double + name: result2 + type: double + - dynamic_type: int64_t + name: result3 + type: int64_t + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fbgemm_pack_gemm_matrix_fp16 + operator_name: fbgemm_pack_gemm_matrix_fp16 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fbgemm_pack_gemm_matrix_fp16(Tensor input) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fbgemm_linear_fp16_weight_fp32_activation + operator_name: fbgemm_linear_fp16_weight_fp32_activation + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fbgemm_linear_fp16_weight_fp32_activation(Tensor input, Tensor packed_weight, Tensor bias) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bias + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bias + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fbgemm_linear_fp16_weight + operator_name: fbgemm_linear_fp16_weight + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fbgemm_linear_fp16_weight(Tensor input, Tensor packed_weight, Tensor bias) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bias + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bias + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fbgemm_pack_quantized_matrix + operator_name: fbgemm_pack_quantized_matrix + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fbgemm_pack_quantized_matrix(Tensor input) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fbgemm_pack_quantized_matrix + operator_name: fbgemm_pack_quantized_matrix + overload_name: KN + manual_kernel_registration: false + category_override: '' + schema_string: aten::fbgemm_pack_quantized_matrix.KN(Tensor input, int K, int N) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: K + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: N + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: K + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: N + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: ldexp + operator_name: ldexp + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::ldexp.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: ldexp_ + operator_name: ldexp_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::ldexp_(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: ldexp_out + operator_name: ldexp + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::ldexp.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linspace + operator_name: linspace + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linspace(Scalar start, Scalar end, int? steps=None, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: steps + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Scalar &, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: steps + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linspace_out + operator_name: linspace + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linspace.out(Scalar start, Scalar end, int? steps=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: steps + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Scalar &, const at::Scalar &, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: steps + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log + operator_name: log + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::log(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log_ + operator_name: log_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::log_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log_out + operator_name: log + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::log.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log10 + operator_name: log10 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::log10(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log10_ + operator_name: log10_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::log10_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log10_out + operator_name: log10 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::log10.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log1p + operator_name: log1p + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::log1p(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log1p_ + operator_name: log1p_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::log1p_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log1p_out + operator_name: log1p + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::log1p.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log2 + operator_name: log2 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::log2(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log2_ + operator_name: log2_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::log2_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log2_out + operator_name: log2 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::log2.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logaddexp_out + operator_name: logaddexp + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::logaddexp.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logaddexp + operator_name: logaddexp + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logaddexp(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logaddexp2_out + operator_name: logaddexp2 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::logaddexp2.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logaddexp2 + operator_name: logaddexp2 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logaddexp2(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: xlogy + operator_name: xlogy + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::xlogy.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: xlogy + operator_name: xlogy + overload_name: Scalar_Self + manual_kernel_registration: false + category_override: '' + schema_string: aten::xlogy.Scalar_Self(Scalar self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: xlogy + operator_name: xlogy + overload_name: Scalar_Other + manual_kernel_registration: false + category_override: '' + schema_string: aten::xlogy.Scalar_Other(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: xlogy_ + operator_name: xlogy_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::xlogy_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: xlogy_ + operator_name: xlogy_ + overload_name: Scalar_Other + manual_kernel_registration: false + category_override: '' + schema_string: aten::xlogy_.Scalar_Other(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: xlogy_out + operator_name: xlogy + overload_name: OutTensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::xlogy.OutTensor(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: xlogy_out + operator_name: xlogy + overload_name: OutScalar_Self + manual_kernel_registration: false + category_override: '' + schema_string: aten::xlogy.OutScalar_Self(Scalar self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Scalar &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: xlogy_out + operator_name: xlogy + overload_name: OutScalar_Other + manual_kernel_registration: false + category_override: '' + schema_string: aten::xlogy.OutScalar_Other(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logdet + operator_name: logdet + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logdet(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logspace + operator_name: logspace + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logspace(Scalar start, Scalar end, int? steps=None, float base=10.0, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: steps + type: c10::optional + - annotation: null + default: 10.0 + dynamic_type: double + is_nullable: false + name: base + type: double + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Scalar &, c10::optional, double, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: steps + type: c10::optional + - annotation: null + default: 10.0 + dynamic_type: double + is_nullable: false + name: base + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: logspace_out + operator_name: logspace + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::logspace.out(Scalar start, Scalar end, int? steps=None, float base=10.0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: steps + type: c10::optional + - annotation: null + default: 10.0 + dynamic_type: double + is_nullable: false + name: base + type: double + schema_order_cpp_signature: at::Tensor & (const at::Scalar &, const at::Scalar &, c10::optional, double, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: steps + type: c10::optional + - annotation: null + default: 10.0 + dynamic_type: double + is_nullable: false + name: base + type: double + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log_softmax + operator_name: log_softmax + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::log_softmax.int(Tensor self, int dim, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: log_softmax + operator_name: log_softmax + overload_name: Dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::log_softmax.Dimname(Tensor self, Dimname dim, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _log_softmax + operator_name: _log_softmax + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_log_softmax(Tensor self, int dim, bool half_to_float) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: half_to_float + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: half_to_float + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _log_softmax_out + operator_name: _log_softmax + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_log_softmax.out(Tensor self, int dim, bool half_to_float, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: half_to_float + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: half_to_float + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _log_softmax_backward_data + operator_name: _log_softmax_backward_data + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_log_softmax_backward_data(Tensor grad_output, Tensor output, int dim, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _log_softmax_backward_data_out + operator_name: _log_softmax_backward_data + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_log_softmax_backward_data.out(Tensor grad_output, Tensor output, int dim, Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, int64_t, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _logcumsumexp + operator_name: _logcumsumexp + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_logcumsumexp(Tensor self, int dim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _logcumsumexp_out + operator_name: _logcumsumexp + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_logcumsumexp.out(Tensor self, int dim, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logcumsumexp + operator_name: logcumsumexp + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logcumsumexp(Tensor self, int dim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logcumsumexp_out + operator_name: logcumsumexp + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::logcumsumexp.out(Tensor self, int dim, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logcumsumexp + operator_name: logcumsumexp + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::logcumsumexp.dimname(Tensor self, Dimname dim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: logcumsumexp_out + operator_name: logcumsumexp + overload_name: dimname_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::logcumsumexp.dimname_out(Tensor self, Dimname dim, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Dimname, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: logsumexp + operator_name: logsumexp + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logsumexp(Tensor self, int[1] dim, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logsumexp_out + operator_name: logsumexp + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::logsumexp.out(Tensor self, int[1] dim, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logsumexp + operator_name: logsumexp + overload_name: names + manual_kernel_registration: false + category_override: '' + schema_string: aten::logsumexp.names(Tensor self, Dimname[1] dim, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::DimnameList, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: logsumexp_out + operator_name: logsumexp + overload_name: names_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::logsumexp.names_out(Tensor self, Dimname[1] dim, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::DimnameList, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: margin_ranking_loss + operator_name: margin_ranking_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::margin_ranking_loss(Tensor input1, Tensor input2, Tensor target, float margin=0.0, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: 0.0 + dynamic_type: double + is_nullable: false + name: margin + type: double + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, double, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: 0.0 + dynamic_type: double + is_nullable: false + name: margin + type: double + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: matmul + operator_name: matmul + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::matmul(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: matmul_out + operator_name: matmul + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::matmul.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: matrix_rank + operator_name: matrix_rank + overload_name: tol + manual_kernel_registration: false + category_override: '' + schema_string: aten::matrix_rank.tol(Tensor self, float tol, bool symmetric=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: tol + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: symmetric + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: tol + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: symmetric + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: matrix_rank + operator_name: matrix_rank + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::matrix_rank(Tensor self, bool symmetric=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: symmetric + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: symmetric + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: matrix_power + operator_name: matrix_power + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::matrix_power(Tensor self, int n) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: matrix_power_out + operator_name: matrix_power + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::matrix_power.out(Tensor self, int n, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: matrix_exp + operator_name: matrix_exp + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::matrix_exp(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: matrix_exp_backward + operator_name: matrix_exp_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::matrix_exp_backward(Tensor self, Tensor grad) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _aminmax + operator_name: _aminmax + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_aminmax(Tensor self) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _aminmax + operator_name: _aminmax + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::_aminmax.dim(Tensor self, int dim, bool keepdim=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: aminmax + operator_name: aminmax + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::aminmax(Tensor self, *, int? dim=None, bool keepdim=False) -> (Tensor min, Tensor max) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: min + name: min + type: at::Tensor + - dynamic_type: at::Tensor + field_name: max + name: max + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: aminmax_out + operator_name: aminmax + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::aminmax.out(Tensor self, *, int? dim=None, bool keepdim=False, Tensor(a!) min, Tensor(b!) max) -> (Tensor(a!) min, Tensor(b!) max) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: min + is_nullable: false + name: min + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: max + is_nullable: false + name: max + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, c10::optional, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: min + is_nullable: false + name: min + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: max + is_nullable: false + name: max + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: min + name: min + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: max + name: max + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _compute_linear_combination + operator_name: _compute_linear_combination + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_compute_linear_combination(Tensor input, Tensor coefficients) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: coefficients + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: coefficients + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _compute_linear_combination_out + operator_name: _compute_linear_combination + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_compute_linear_combination.out(Tensor input, Tensor coefficients, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: coefficients + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: coefficients + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max + operator_name: max + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::max.dim(Tensor self, int dim, bool keepdim=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_out + operator_name: max + overload_name: dim_max + manual_kernel_registration: false + category_override: '' + schema_string: aten::max.dim_max(Tensor self, int dim, bool keepdim=False, *, Tensor(a!) max, Tensor(b!) max_values) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: max + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: max_values + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: max + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: max_values + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: max + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: max_values + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max + operator_name: max + overload_name: names_dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::max.names_dim(Tensor self, Dimname dim, bool keepdim=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: max_out + operator_name: max + overload_name: names_dim_max + manual_kernel_registration: false + category_override: '' + schema_string: aten::max.names_dim_max(Tensor self, Dimname dim, bool keepdim=False, *, Tensor(a!) max, Tensor(b!) max_values) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: max + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: max_values + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: max + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: max_values + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: max + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: max_values + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: value_selecting_reduction_backward + operator_name: value_selecting_reduction_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::value_selecting_reduction_backward(Tensor grad, int dim, Tensor indices, int[] sizes, bool keepdim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: amax + operator_name: amax + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::amax(Tensor self, int[1] dim=[], bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: amax_out + operator_name: amax + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::amax.out(Tensor self, int[1] dim=[], bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_pool1d_with_indices + operator_name: max_pool1d_with_indices + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_pool1d_with_indices(Tensor self, int[1] kernel_size, int[1] stride=[], int[1] padding=0, int[1] dilation=1, bool ceil_mode=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 1 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 1 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: max_pool1d + operator_name: max_pool1d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_pool1d(Tensor self, int[1] kernel_size, int[1] stride=[], int[1] padding=0, int[1] dilation=1, bool ceil_mode=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 1 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 1 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: max_pool2d + operator_name: max_pool2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_pool2d(Tensor self, int[2] kernel_size, int[2] stride=[], int[2] padding=0, int[2] dilation=1, bool ceil_mode=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: mkldnn_max_pool2d + operator_name: mkldnn_max_pool2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_max_pool2d(Tensor self, int[2] kernel_size, int[2] stride=[], int[2] padding=0, int[2] dilation=1, bool ceil_mode=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mkldnn_max_pool2d_backward + operator_name: mkldnn_max_pool2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_max_pool2d_backward(Tensor grad_output, Tensor output, Tensor input, int[2] kernel_size, int[2] stride=[], int[2] padding=0, int[2] dilation=1, bool ceil_mode=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mkldnn_max_pool3d + operator_name: mkldnn_max_pool3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_max_pool3d(Tensor self, int[3] kernel_size, int[3] stride=[], int[3] padding=0, int[3] dilation=1, bool ceil_mode=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mkldnn_max_pool3d_backward + operator_name: mkldnn_max_pool3d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_max_pool3d_backward(Tensor grad_output, Tensor output, Tensor input, int[3] kernel_size, int[3] stride=[], int[3] padding=0, int[3] dilation=1, bool ceil_mode=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: quantized_max_pool1d + operator_name: quantized_max_pool1d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantized_max_pool1d(Tensor self, int[1] kernel_size, int[1] stride=[], int[1] padding=0, int[1] dilation=1, bool ceil_mode=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 1 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 1 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 1 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 1 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: quantized_max_pool2d + operator_name: quantized_max_pool2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantized_max_pool2d(Tensor self, int[2] kernel_size, int[2] stride=[], int[2] padding=0, int[2] dilation=1, bool ceil_mode=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_pool3d + operator_name: max_pool3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_pool3d(Tensor self, int[3] kernel_size, int[3] stride=[], int[3] padding=0, int[3] dilation=1, bool ceil_mode=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: mean + operator_name: mean + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mean(Tensor self, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mean + operator_name: mean + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::mean.dim(Tensor self, int[1] dim, bool keepdim=False, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mean_out + operator_name: mean + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::mean.out(Tensor self, int[1] dim, bool keepdim=False, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mean + operator_name: mean + overload_name: names_dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::mean.names_dim(Tensor self, Dimname[1] dim, bool keepdim=False, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::DimnameList, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: mean_out + operator_name: mean + overload_name: names_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::mean.names_out(Tensor self, Dimname[1] dim, bool keepdim=False, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::DimnameList, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nanmean + operator_name: nanmean + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanmean(Tensor self, int[1] dim=[], bool keepdim=False, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nanmean_out + operator_name: nanmean + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanmean.out(Tensor self, int[1] dim=[], bool keepdim=False, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: median + operator_name: median + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::median(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: median + operator_name: median + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::median.dim(Tensor self, int dim, bool keepdim=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: median_out + operator_name: median + overload_name: dim_values + manual_kernel_registration: false + category_override: '' + schema_string: aten::median.dim_values(Tensor self, int dim, bool keepdim=False, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: median + operator_name: median + overload_name: names_dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::median.names_dim(Tensor self, Dimname dim, bool keepdim=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: median_out + operator_name: median + overload_name: names_dim_values + manual_kernel_registration: false + category_override: '' + schema_string: aten::median.names_dim_values(Tensor self, Dimname dim, bool keepdim=False, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nanmedian + operator_name: nanmedian + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanmedian(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nanmedian + operator_name: nanmedian + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanmedian.dim(Tensor self, int dim, bool keepdim=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nanmedian_out + operator_name: nanmedian + overload_name: dim_values + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanmedian.dim_values(Tensor self, int dim, bool keepdim=False, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nanmedian + operator_name: nanmedian + overload_name: names_dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanmedian.names_dim(Tensor self, Dimname dim, bool keepdim=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nanmedian_out + operator_name: nanmedian + overload_name: names_dim_values + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanmedian.names_dim_values(Tensor self, Dimname dim, bool keepdim=False, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: min + operator_name: min + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::min.dim(Tensor self, int dim, bool keepdim=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: min_out + operator_name: min + overload_name: dim_min + manual_kernel_registration: false + category_override: '' + schema_string: aten::min.dim_min(Tensor self, int dim, bool keepdim=False, *, Tensor(a!) min, Tensor(b!) min_indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: min + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: min_indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: min + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: min_indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: min + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: min_indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: min + operator_name: min + overload_name: names_dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::min.names_dim(Tensor self, Dimname dim, bool keepdim=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: min_out + operator_name: min + overload_name: names_dim_min + manual_kernel_registration: false + category_override: '' + schema_string: aten::min.names_dim_min(Tensor self, Dimname dim, bool keepdim=False, *, Tensor(a!) min, Tensor(b!) min_indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: min + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: min_indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: min + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: min_indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: min + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: min_indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: amin + operator_name: amin + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::amin(Tensor self, int[1] dim=[], bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: amin_out + operator_name: amin + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::amin.out(Tensor self, int[1] dim=[], bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mkldnn_convolution + operator_name: mkldnn_convolution + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_convolution(Tensor self, Tensor weight, Tensor? bias, int[] padding, int[] stride, int[] dilation, int groups) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mkldnn_convolution_backward_input + operator_name: mkldnn_convolution_backward_input + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_convolution_backward_input(int[] self_size, Tensor grad_output, Tensor weight, int[] padding, int[] stride, int[] dilation, int groups, bool bias_defined) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: self_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: bias_defined + type: bool + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: self_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: bias_defined + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: mkldnn_convolution_backward_weights + operator_name: mkldnn_convolution_backward_weights + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_convolution_backward_weights(int[] weight_size, Tensor grad_output, Tensor self, int[] padding, int[] stride, int[] dilation, int groups, bool bias_defined) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weight_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: bias_defined + type: bool + schema_order_cpp_signature: ::std::tuple (at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weight_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: bias_defined + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: mkldnn_convolution_backward + operator_name: mkldnn_convolution_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_convolution_backward(Tensor self, Tensor grad_output, Tensor weight, int[] padding, int[] stride, int[] dilation, int groups, bool[3] output_mask) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_batch_norm + operator_name: miopen_batch_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_batch_norm(Tensor input, Tensor weight, Tensor? bias, Tensor? running_mean, Tensor? running_var, bool training, float exponential_average_factor, float epsilon) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: exponential_average_factor + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: epsilon + type: double + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &, const c10::optional &, bool, double, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: exponential_average_factor + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: epsilon + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_batch_norm_backward + operator_name: miopen_batch_norm_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_batch_norm_backward(Tensor input, Tensor grad_output, Tensor weight, Tensor? running_mean, Tensor? running_var, Tensor? save_mean, Tensor? save_var, float epsilon) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_var + type: const c10::optional & + - annotation: null + dynamic_type: double + is_nullable: false + name: epsilon + type: double + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &, const c10::optional &, const c10::optional &, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_var + type: const c10::optional & + - annotation: null + dynamic_type: double + is_nullable: false + name: epsilon + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_convolution + operator_name: miopen_convolution + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_convolution(Tensor self, Tensor weight, Tensor? bias, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_convolution_backward_input + operator_name: miopen_convolution_backward_input + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_convolution_backward_input(int[] self_size, Tensor grad_output, Tensor weight, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: self_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: self_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_convolution_backward + operator_name: miopen_convolution_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_convolution_backward(Tensor self, Tensor grad_output, Tensor weight, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic, bool[3] output_mask) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_convolution_backward_bias + operator_name: miopen_convolution_backward_bias + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_convolution_backward_bias(Tensor grad_output) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_convolution_backward_weight + operator_name: miopen_convolution_backward_weight + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_convolution_backward_weight(int[] weight_size, Tensor grad_output, Tensor self, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weight_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weight_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_convolution_transpose + operator_name: miopen_convolution_transpose + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_convolution_transpose(Tensor self, Tensor weight, Tensor? bias, int[] padding, int[] output_padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_convolution_transpose_backward + operator_name: miopen_convolution_transpose_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_convolution_transpose_backward(Tensor self, Tensor grad_output, Tensor weight, int[] padding, int[] output_padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic, bool[3] output_mask) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_convolution_transpose_backward_input + operator_name: miopen_convolution_transpose_backward_input + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_convolution_transpose_backward_input(Tensor grad_output, Tensor weight, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_convolution_transpose_backward_weight + operator_name: miopen_convolution_transpose_backward_weight + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_convolution_transpose_backward_weight(int[] weight_size, Tensor grad_output, Tensor self, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weight_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weight_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_depthwise_convolution + operator_name: miopen_depthwise_convolution + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_depthwise_convolution(Tensor self, Tensor weight, Tensor? bias, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_depthwise_convolution_backward_input + operator_name: miopen_depthwise_convolution_backward_input + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_depthwise_convolution_backward_input(int[] self_size, Tensor grad_output, Tensor weight, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: self_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: self_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_depthwise_convolution_backward + operator_name: miopen_depthwise_convolution_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_depthwise_convolution_backward(Tensor self, Tensor grad_output, Tensor weight, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic, bool[3] output_mask) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_depthwise_convolution_backward_weight + operator_name: miopen_depthwise_convolution_backward_weight + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_depthwise_convolution_backward_weight(int[] weight_size, Tensor grad_output, Tensor self, int[] padding, int[] stride, int[] dilation, int groups, bool benchmark, bool deterministic) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weight_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weight_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: benchmark + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: deterministic + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_rnn + operator_name: miopen_rnn + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_rnn(Tensor input, Tensor[] weight, int weight_stride0, Tensor hx, Tensor? cx, int mode, int hidden_size, int num_layers, bool batch_first, float dropout, bool train, bool bidirectional, int[] batch_sizes, Tensor? dropout_state) -> (Tensor, Tensor, Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: weight + type: at::TensorList + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: weight_stride0 + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: cx + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: hidden_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: batch_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: dropout_state + type: const c10::optional & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::TensorList, int64_t, const at::Tensor &, const c10::optional &, int64_t, int64_t, int64_t, bool, double, bool, bool, at::IntArrayRef, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: weight + type: at::TensorList + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: weight_stride0 + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: cx + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: hidden_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: batch_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: dropout_state + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::Tensor + name: result3 + type: at::Tensor + - dynamic_type: at::Tensor + name: result4 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: miopen_rnn_backward + operator_name: miopen_rnn_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::miopen_rnn_backward(Tensor input, Tensor[] weight, int weight_stride0, Tensor weight_buf, Tensor hx, Tensor? cx, Tensor output, Tensor? grad_output, Tensor? grad_hy, Tensor? grad_cy, int mode, int hidden_size, int num_layers, bool batch_first, float dropout, bool train, bool bidirectional, int[] batch_sizes, Tensor? dropout_state, Tensor reserve, bool[4] output_mask) -> (Tensor, Tensor, Tensor, Tensor[]) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: weight + type: at::TensorList + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: weight_stride0 + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight_buf + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: cx + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_output + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_hy + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_cy + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: hidden_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: batch_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: dropout_state + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: reserve + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple> (const at::Tensor &, at::TensorList, int64_t, const at::Tensor &, const at::Tensor &, const c10::optional &, const at::Tensor &, const c10::optional &, const c10::optional &, const c10::optional &, int64_t, int64_t, int64_t, bool, double, bool, bool, at::IntArrayRef, const c10::optional &, const at::Tensor &, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: weight + type: at::TensorList + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: weight_stride0 + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight_buf + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: cx + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_output + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_hy + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_cy + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: mode + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: hidden_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: batch_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: dropout_state + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: reserve + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::TensorList + name: result3 + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mm + operator_name: mm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mm(Tensor self, Tensor mat2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mm_out + operator_name: mm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::mm.out(Tensor self, Tensor mat2, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _sparse_mm + operator_name: _sparse_mm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_mm(Tensor sparse, Tensor dense) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sparse + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dense + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sparse + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dense + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sparse_sparse_matmul + operator_name: _sparse_sparse_matmul + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_sparse_matmul(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _sparse_mask_helper + operator_name: _sparse_mask_helper + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_mask_helper(Tensor t, Tensor mask_indices) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: t + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask_indices + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: t + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask_indices + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mode + operator_name: mode + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mode(Tensor self, int dim=-1, bool keepdim=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mode_out + operator_name: mode + overload_name: values + manual_kernel_registration: false + category_override: '' + schema_string: aten::mode.values(Tensor self, int dim=-1, bool keepdim=False, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mode + operator_name: mode + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::mode.dimname(Tensor self, Dimname dim, bool keepdim=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: mode_out + operator_name: mode + overload_name: dimname_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::mode.dimname_out(Tensor self, Dimname dim, bool keepdim=False, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: mul + operator_name: mul + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::mul.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mul_ + operator_name: mul_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::mul_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mul_out + operator_name: mul + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::mul.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mul + operator_name: mul + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::mul.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mul_ + operator_name: mul_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::mul_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: multiply + operator_name: multiply + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::multiply.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: multiply_ + operator_name: multiply_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::multiply_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: multiply_out + operator_name: multiply + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::multiply.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: multiply + operator_name: multiply + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::multiply.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: multiply_ + operator_name: multiply_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::multiply_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: mv + operator_name: mv + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mv(Tensor self, Tensor vec) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mv_out + operator_name: mv + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::mv.out(Tensor self, Tensor vec, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mvlgamma_out + operator_name: mvlgamma + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::mvlgamma.out(Tensor self, int p, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: p + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: p + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mvlgamma + operator_name: mvlgamma + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mvlgamma(Tensor self, int p) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: p + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: p + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mvlgamma_ + operator_name: mvlgamma_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mvlgamma_(Tensor(a!) self, int p) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: p + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: p + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: narrow_copy + operator_name: narrow_copy + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::narrow_copy(Tensor self, int dim, int start, int length) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: start + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: length + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: start + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: length + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: narrow_copy_out + operator_name: narrow_copy + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::narrow_copy.out(Tensor self, int dim, int start, int length, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: start + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: length + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, int64_t, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: start + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: length + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: narrow + operator_name: narrow + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::narrow(Tensor(a) self, int dim, int start, int length) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: start + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: length + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: start + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: length + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: narrow + operator_name: narrow + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::narrow.Tensor(Tensor(a) self, int dim, Tensor start, int length) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: start + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: length + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: start + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: length + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: native_batch_norm + operator_name: native_batch_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::native_batch_norm(Tensor input, Tensor? weight, Tensor? bias, Tensor? running_mean, Tensor? running_var, bool training, float momentum, float eps) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const c10::optional &, const c10::optional &, const c10::optional &, const c10::optional &, bool, double, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: native_batch_norm_out + operator_name: native_batch_norm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::native_batch_norm.out(Tensor input, Tensor? weight, Tensor? bias, Tensor? running_mean, Tensor? running_var, bool training, float momentum, float eps, *, Tensor(a!) out, Tensor(b!) save_mean, Tensor(c!) save_invstd) -> (Tensor(a!), Tensor(b!), Tensor(c!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: save_mean + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: save_invstd + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const c10::optional &, const c10::optional &, const c10::optional &, const c10::optional &, bool, double, double, at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: save_mean + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: save_invstd + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + - dynamic_type: at::Tensor + name: save_mean + type: at::Tensor & + - dynamic_type: at::Tensor + name: save_invstd + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: batch_norm_stats + operator_name: batch_norm_stats + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::batch_norm_stats(Tensor input, float eps) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: batch_norm_elemt + operator_name: batch_norm_elemt + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::batch_norm_elemt(Tensor input, Tensor? weight, Tensor? bias, Tensor mean, Tensor invstd, float eps) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: invstd + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, const c10::optional &, const at::Tensor &, const at::Tensor &, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: invstd + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: batch_norm_elemt_out + operator_name: batch_norm_elemt + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::batch_norm_elemt.out(Tensor input, Tensor? weight, Tensor? bias, Tensor mean, Tensor invstd, float eps, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: invstd + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const c10::optional &, const c10::optional &, const at::Tensor &, const at::Tensor &, double, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: invstd + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: batch_norm_gather_stats + operator_name: batch_norm_gather_stats + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::batch_norm_gather_stats(Tensor input, Tensor mean, Tensor invstd, Tensor? running_mean, Tensor? running_var, float momentum, float eps, int count) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: invstd + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: count + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &, double, double, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: invstd + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: count + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: batch_norm_gather_stats_with_counts + operator_name: batch_norm_gather_stats_with_counts + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::batch_norm_gather_stats_with_counts(Tensor input, Tensor mean, Tensor invstd, Tensor? running_mean, Tensor? running_var, float momentum, float eps, Tensor counts) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: invstd + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: counts + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &, double, double, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: invstd + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: counts + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: native_batch_norm_backward + operator_name: native_batch_norm_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::native_batch_norm_backward(Tensor grad_out, Tensor input, Tensor? weight, Tensor? running_mean, Tensor? running_var, Tensor? save_mean, Tensor? save_invstd, bool train, float eps, bool[3] output_mask) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_invstd + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &, const c10::optional &, const c10::optional &, const c10::optional &, bool, double, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: save_invstd + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: batch_norm_backward_reduce + operator_name: batch_norm_backward_reduce + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::batch_norm_backward_reduce(Tensor grad_out, Tensor input, Tensor mean, Tensor invstd, Tensor? weight, bool input_g, bool weight_g, bool bias_g) -> (Tensor, Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: invstd + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: input_g + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: weight_g + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bias_g + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: invstd + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: bool + is_nullable: false + name: input_g + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: weight_g + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bias_g + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::Tensor + name: result3 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: batch_norm_backward_elemt + operator_name: batch_norm_backward_elemt + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::batch_norm_backward_elemt(Tensor grad_out, Tensor input, Tensor mean, Tensor invstd, Tensor? weight, Tensor mean_dy, Tensor mean_dy_xmu, Tensor count) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: invstd + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean_dy + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean_dy_xmu + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: count + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: invstd + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean_dy + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean_dy_xmu + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: count + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: batch_norm_update_stats + operator_name: batch_norm_update_stats + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::batch_norm_update_stats(Tensor input, Tensor? running_mean, Tensor? running_var, float momentum) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const c10::optional &, const c10::optional &, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_mean + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: running_var + type: const c10::optional & + - annotation: null + dynamic_type: double + is_nullable: false + name: momentum + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: is_vulkan_available + operator_name: is_vulkan_available + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_vulkan_available() -> bool + arguments: [] + schema_order_cpp_signature: bool () + schema_order_arguments: [] + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _nnpack_available + operator_name: _nnpack_available + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_nnpack_available() -> bool + arguments: [] + schema_order_cpp_signature: bool () + schema_order_arguments: [] + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _nnpack_spatial_convolution + operator_name: _nnpack_spatial_convolution + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_nnpack_spatial_convolution(Tensor input, Tensor weight, Tensor? bias, int[2] padding, int[2] stride=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _nnpack_spatial_convolution_backward + operator_name: _nnpack_spatial_convolution_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_nnpack_spatial_convolution_backward(Tensor input, Tensor grad_output, Tensor weight, int[2] padding, bool[3] output_mask) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _nnpack_spatial_convolution_backward_input + operator_name: _nnpack_spatial_convolution_backward_input + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_nnpack_spatial_convolution_backward_input(Tensor input, Tensor grad_output, Tensor weight, int[2] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _nnpack_spatial_convolution_backward_weight + operator_name: _nnpack_spatial_convolution_backward_weight + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_nnpack_spatial_convolution_backward_weight(Tensor input, int[] weightsize, Tensor grad_output, int[2] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weightsize + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: weightsize + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: ones + operator_name: ones + overload_name: names + manual_kernel_registration: false + category_override: '' + schema_string: aten::ones.names(int[] size, *, Dimname[]? names, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: ones + operator_name: ones + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::ones(int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: ones_out + operator_name: ones + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::ones.out(int[] size, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: ones_like + operator_name: ones_like + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::ones_like(Tensor self, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, MemoryFormat? memory_format=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: pairwise_distance + operator_name: pairwise_distance + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::pairwise_distance(Tensor x1, Tensor x2, float p=2, float eps=1e-06, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x2 + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: 1.0e-06 + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, double, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x2 + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: 1.0e-06 + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cdist + operator_name: cdist + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cdist(Tensor x1, Tensor x2, float p=2, int? compute_mode=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x2 + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: compute_mode + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, double, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x2 + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: compute_mode + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _euclidean_dist + operator_name: _euclidean_dist + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_euclidean_dist(Tensor x1, Tensor x2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x2 + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _cdist_forward + operator_name: _cdist_forward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cdist_forward(Tensor x1, Tensor x2, float p, int? compute_mode) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x2 + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: compute_mode + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, double, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x2 + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: compute_mode + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _cdist_backward + operator_name: _cdist_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cdist_backward(Tensor grad, Tensor x1, Tensor x2, float p, Tensor cdist) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x2 + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: cdist + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, double, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x2 + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: cdist + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: pdist + operator_name: pdist + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::pdist(Tensor self, float p=2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: double + is_nullable: false + name: p + type: double + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: double + is_nullable: false + name: p + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _pdist_forward + operator_name: _pdist_forward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_pdist_forward(Tensor self, float p=2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: double + is_nullable: false + name: p + type: double + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: double + is_nullable: false + name: p + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _pdist_backward + operator_name: _pdist_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_pdist_backward(Tensor grad, Tensor self, float p, Tensor pdist) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: pdist + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, double, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: pdist + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cosine_similarity + operator_name: cosine_similarity + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cosine_similarity(Tensor x1, Tensor x2, int dim=1, float eps=1e-08) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: 1.0e-08 + dynamic_type: double + is_nullable: false + name: eps + type: double + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: 1.0e-08 + dynamic_type: double + is_nullable: false + name: eps + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: permute + operator_name: permute + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::permute(Tensor(a) self, int[] dims) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: movedim + operator_name: movedim + overload_name: intlist + manual_kernel_registration: false + category_override: '' + schema_string: aten::movedim.intlist(Tensor(a) self, int[] source, int[] destination) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: source + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: destination + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: source + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: destination + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: movedim + operator_name: movedim + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::movedim.int(Tensor(a) self, int source, int destination) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: source + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: destination + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: source + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: destination + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: moveaxis + operator_name: moveaxis + overload_name: intlist + manual_kernel_registration: false + category_override: '' + schema_string: aten::moveaxis.intlist(Tensor(a) self, int[] source, int[] destination) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: source + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: destination + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: source + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: destination + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: moveaxis + operator_name: moveaxis + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::moveaxis.int(Tensor(a) self, int source, int destination) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: source + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: destination + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: source + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: destination + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: numpy_T + operator_name: numpy_T + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::numpy_T(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: pixel_shuffle + operator_name: pixel_shuffle + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::pixel_shuffle(Tensor self, int upscale_factor) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: upscale_factor + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: upscale_factor + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: pixel_unshuffle + operator_name: pixel_unshuffle + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::pixel_unshuffle(Tensor self, int downscale_factor) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: downscale_factor + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: downscale_factor + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: channel_shuffle + operator_name: channel_shuffle + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::channel_shuffle(Tensor self, int groups) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: is_pinned + operator_name: is_pinned + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_pinned(Tensor self, Device? device=None) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + name: device + type: c10::optional + schema_order_cpp_signature: bool (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + name: device + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: pin_memory + operator_name: pin_memory + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::pin_memory(Tensor(a) self, Device? device=None) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + name: device + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + name: device + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _pin_memory + operator_name: _pin_memory + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_pin_memory(Tensor self, Device? device=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + name: device + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + name: device + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: pinverse + operator_name: pinverse + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::pinverse(Tensor self, float rcond=1e-15) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1.0e-15 + dynamic_type: double + is_nullable: false + name: rcond + type: double + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1.0e-15 + dynamic_type: double + is_nullable: false + name: rcond + type: double + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: poisson_nll_loss + operator_name: poisson_nll_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::poisson_nll_loss(Tensor input, Tensor target, bool log_input, bool full, float eps, int reduction) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: log_input + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: full + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, bool, bool, double, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: log_input + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: full + type: bool + - annotation: null + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rad2deg + operator_name: rad2deg + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rad2deg(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: rad2deg_ + operator_name: rad2deg_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rad2deg_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: rad2deg_out + operator_name: rad2deg + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::rad2deg.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: deg2rad + operator_name: deg2rad + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::deg2rad(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: deg2rad_ + operator_name: deg2rad_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::deg2rad_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: deg2rad_out + operator_name: deg2rad + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::deg2rad.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scalar_tensor + operator_name: scalar_tensor + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::scalar_tensor(Scalar s, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: s + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Scalar &, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: s + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rand + operator_name: rand + overload_name: names + manual_kernel_registration: false + category_override: '' + schema_string: aten::rand.names(int[] size, *, Dimname[]? names, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: rand + operator_name: rand + overload_name: generator_with_names + manual_kernel_registration: false + category_override: '' + schema_string: aten::rand.generator_with_names(int[] size, *, Generator? generator, Dimname[]? names, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: rand + operator_name: rand + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rand(int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rand + operator_name: rand + overload_name: generator + manual_kernel_registration: false + category_override: '' + schema_string: aten::rand.generator(int[] size, *, Generator? generator, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rand_out + operator_name: rand + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::rand.out(int[] size, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rand_out + operator_name: rand + overload_name: generator_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::rand.generator_out(int[] size, *, Generator? generator, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::IntArrayRef, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rand_like + operator_name: rand_like + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rand_like(Tensor self, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, MemoryFormat? memory_format=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randint + operator_name: randint + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::randint(int high, int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randint + operator_name: randint + overload_name: generator + manual_kernel_registration: false + category_override: '' + schema_string: aten::randint.generator(int high, int[] size, *, Generator? generator, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randint + operator_name: randint + overload_name: low + manual_kernel_registration: false + category_override: '' + schema_string: aten::randint.low(int low, int high, int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: low + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, int64_t, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: low + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randint + operator_name: randint + overload_name: low_generator + manual_kernel_registration: false + category_override: '' + schema_string: aten::randint.low_generator(int low, int high, int[] size, *, Generator? generator, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: low + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, int64_t, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: low + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randint_out + operator_name: randint + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::randint.out(int high, int[] size, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (int64_t, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randint_out + operator_name: randint + overload_name: generator_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::randint.generator_out(int high, int[] size, *, Generator? generator, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (int64_t, at::IntArrayRef, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randint_out + operator_name: randint + overload_name: low_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::randint.low_out(int low, int high, int[] size, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: low + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (int64_t, int64_t, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: low + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randint_out + operator_name: randint + overload_name: low_generator_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::randint.low_generator_out(int low, int high, int[] size, *, Generator? generator, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: low + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (int64_t, int64_t, at::IntArrayRef, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: low + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randint_like + operator_name: randint_like + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::randint_like(Tensor self, int high, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, MemoryFormat? memory_format=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randint_like + operator_name: randint_like + overload_name: low_dtype + manual_kernel_registration: false + category_override: '' + schema_string: aten::randint_like.low_dtype(Tensor self, int low, int high, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, MemoryFormat? memory_format=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: low + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: low + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: high + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randn + operator_name: randn + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::randn(int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randn + operator_name: randn + overload_name: generator + manual_kernel_registration: false + category_override: '' + schema_string: aten::randn.generator(int[] size, *, Generator? generator, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randn + operator_name: randn + overload_name: names + manual_kernel_registration: false + category_override: '' + schema_string: aten::randn.names(int[] size, *, Dimname[]? names, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: randn + operator_name: randn + overload_name: generator_with_names + manual_kernel_registration: false + category_override: '' + schema_string: aten::randn.generator_with_names(int[] size, *, Generator? generator, Dimname[]? names, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: randn_out + operator_name: randn + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::randn.out(int[] size, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randn_out + operator_name: randn + overload_name: generator_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::randn.generator_out(int[] size, *, Generator? generator, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::IntArrayRef, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randn_like + operator_name: randn_like + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::randn_like(Tensor self, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, MemoryFormat? memory_format=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randperm + operator_name: randperm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::randperm(int n, *, ScalarType? dtype=long, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: at::kLong + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: at::kLong + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randperm + operator_name: randperm + overload_name: generator + manual_kernel_registration: false + category_override: '' + schema_string: aten::randperm.generator(int n, *, Generator? generator, ScalarType? dtype=long, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + default: at::kLong + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + default: at::kLong + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randperm_out + operator_name: randperm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::randperm.out(int n, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + schema_order_cpp_signature: at::Tensor & (int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: randperm_out + operator_name: randperm + overload_name: generator_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::randperm.generator_out(int n, *, Generator? generator, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (int64_t, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: range + operator_name: range + overload_name: step + manual_kernel_registration: false + category_override: '' + schema_string: aten::range.step(Scalar start, Scalar end, Scalar step=1, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: step + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Scalar &, const at::Scalar &, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: step + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: range + operator_name: range + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::range(Scalar start, Scalar end, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Scalar &, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: range_out + operator_name: range + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::range.out(Scalar start, Scalar end, Scalar step=1, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: step + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Scalar &, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: start + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: end + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: step + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ravel + operator_name: ravel + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::ravel(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: reciprocal + operator_name: reciprocal + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::reciprocal(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reciprocal_ + operator_name: reciprocal_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::reciprocal_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reciprocal_out + operator_name: reciprocal + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::reciprocal.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: neg + operator_name: neg + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::neg(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: neg_ + operator_name: neg_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::neg_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: neg_out + operator_name: neg + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::neg.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: negative + operator_name: negative + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::negative(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: negative_ + operator_name: negative_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::negative_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: negative_out + operator_name: negative + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::negative.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: repeat + operator_name: repeat + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::repeat(Tensor self, int[] repeats) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: repeats + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: repeats + type: at::IntArrayRef + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: repeat_interleave + operator_name: repeat_interleave + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::repeat_interleave.Tensor(Tensor repeats, *, int? output_size=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: repeats + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: output_size + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: repeats + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: output_size + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: repeat_interleave + operator_name: repeat_interleave + overload_name: self_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::repeat_interleave.self_Tensor(Tensor self, Tensor repeats, int? dim=None, *, int? output_size=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: repeats + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: output_size + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: repeats + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: output_size + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: repeat_interleave + operator_name: repeat_interleave + overload_name: self_int + manual_kernel_registration: false + category_override: '' + schema_string: aten::repeat_interleave.self_int(Tensor self, int repeats, int? dim=None, *, int? output_size=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: repeats + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: output_size + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: repeats + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: output_size + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: reshape + operator_name: reshape + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::reshape(Tensor(a) self, int[] shape) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: shape + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: shape + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: _reshape_alias + operator_name: _reshape_alias + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_reshape_alias(Tensor(a) self, int[] size, int[] stride) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: _mkldnn_reshape + operator_name: _mkldnn_reshape + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_mkldnn_reshape(Tensor self, int[] shape) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: shape + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: shape + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: reshape_as + operator_name: reshape_as + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::reshape_as(Tensor(a) self, Tensor other) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: round + operator_name: round + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::round(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: round_ + operator_name: round_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::round_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: round_out + operator_name: round + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::round.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: rrelu + operator_name: rrelu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rrelu(Tensor self, Scalar lower=0.125, Scalar upper=0.3333333333333333, bool training=False, Generator? generator=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.125 + dynamic_type: const at::Scalar & + is_nullable: false + name: lower + type: const at::Scalar & + - annotation: null + default: 0.3333333333333333 + dynamic_type: const at::Scalar & + is_nullable: false + name: upper + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, const at::Scalar &, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.125 + dynamic_type: const at::Scalar & + is_nullable: false + name: lower + type: const at::Scalar & + - annotation: null + default: 0.3333333333333333 + dynamic_type: const at::Scalar & + is_nullable: false + name: upper + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rrelu_ + operator_name: rrelu_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rrelu_(Tensor(a!) self, Scalar lower=0.125, Scalar upper=0.3333333333333333, bool training=False, Generator? generator=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0.125 + dynamic_type: const at::Scalar & + is_nullable: false + name: lower + type: const at::Scalar & + - annotation: null + default: 0.3333333333333333 + dynamic_type: const at::Scalar & + is_nullable: false + name: upper + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &, const at::Scalar &, bool, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0.125 + dynamic_type: const at::Scalar & + is_nullable: false + name: lower + type: const at::Scalar & + - annotation: null + default: 0.3333333333333333 + dynamic_type: const at::Scalar & + is_nullable: false + name: upper + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: relu + operator_name: relu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::relu(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: relu_ + operator_name: relu_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::relu_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: relu6 + operator_name: relu6 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::relu6(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: relu6_ + operator_name: relu6_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::relu6_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: prelu + operator_name: prelu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::prelu(Tensor self, Tensor weight) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: prelu_backward + operator_name: prelu_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::prelu_backward(Tensor grad_output, Tensor self, Tensor weight) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gelu_out + operator_name: gelu + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::gelu.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gelu + operator_name: gelu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::gelu(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gelu_backward_out + operator_name: gelu_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::gelu_backward.grad_input(Tensor grad, Tensor self, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gelu_backward + operator_name: gelu_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::gelu_backward(Tensor grad, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: infinitely_differentiable_gelu_backward + operator_name: infinitely_differentiable_gelu_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::infinitely_differentiable_gelu_backward(Tensor grad, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: hardshrink_out + operator_name: hardshrink + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardshrink.out(Tensor self, Scalar lambd=0.5, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.5 + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.5 + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardshrink + operator_name: hardshrink + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardshrink(Tensor self, Scalar lambd=0.5) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.5 + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.5 + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardshrink_backward_out + operator_name: hardshrink_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardshrink_backward.grad_input(Tensor grad_out, Tensor self, Scalar lambd, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardshrink_backward + operator_name: hardshrink_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardshrink_backward(Tensor grad_out, Tensor self, Scalar lambd) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_out + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: rsqrt + operator_name: rsqrt + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rsqrt(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: rsqrt_ + operator_name: rsqrt_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rsqrt_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: rsqrt_out + operator_name: rsqrt + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::rsqrt.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: select + operator_name: select + overload_name: Dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::select.Dimname(Tensor(a) self, Dimname dim, int index) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: index + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: index + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: select + operator_name: select + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::select.int(Tensor(a) self, int dim, int index) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: index + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: index + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: select_backward + operator_name: select_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::select_backward(Tensor grad_output, int[] input_sizes, int dim, int index) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: index + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: index + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: selu + operator_name: selu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::selu(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: selu_ + operator_name: selu_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::selu_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: celu + operator_name: celu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::celu(Tensor self, Scalar alpha=1.0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1.0 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1.0 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: celu_ + operator_name: celu_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::celu_(Tensor(a!) self, Scalar alpha=1.0) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 1.0 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 1.0 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: silu + operator_name: silu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::silu(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: silu_ + operator_name: silu_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::silu_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: silu_out + operator_name: silu + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::silu.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: silu_backward_out + operator_name: silu_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::silu_backward.grad_input(Tensor grad_output, Tensor self, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: silu_backward + operator_name: silu_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::silu_backward(Tensor grad_output, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: mish + operator_name: mish + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mish(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mish_ + operator_name: mish_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mish_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mish_out + operator_name: mish + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::mish.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mish_backward + operator_name: mish_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mish_backward(Tensor grad_output, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: sigmoid + operator_name: sigmoid + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sigmoid(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sigmoid_ + operator_name: sigmoid_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sigmoid_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sigmoid_out + operator_name: sigmoid + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::sigmoid.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logit + operator_name: logit + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logit(Tensor self, float? eps=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logit_ + operator_name: logit_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logit_(Tensor(a!) self, float? eps=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logit_out + operator_name: logit + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::logit.out(Tensor self, float? eps=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sin + operator_name: sin + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sin(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sin_ + operator_name: sin_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sin_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sin_out + operator_name: sin + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::sin.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sinc + operator_name: sinc + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sinc(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sinc_ + operator_name: sinc_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sinc_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sinc_out + operator_name: sinc + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::sinc.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sinh + operator_name: sinh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sinh(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sinh_ + operator_name: sinh_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sinh_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sinh_out + operator_name: sinh + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::sinh.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: detach + operator_name: detach + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::detach(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: detach_ + operator_name: detach_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::detach_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: size + operator_name: size + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::size.int(Tensor self, int dim) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: int64_t (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: size + operator_name: size + overload_name: Dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::size.Dimname(Tensor self, Dimname dim) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: int64_t (const at::Tensor &, at::Dimname) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: slice + operator_name: slice + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::slice.Tensor(Tensor(a) self, int dim=0, int? start=None, int? end=None, int step=1) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: start + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: end + type: c10::optional + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: step + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, c10::optional, c10::optional, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: start + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: end + type: c10::optional + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: step + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: slice_backward + operator_name: slice_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::slice_backward(Tensor grad_output, int[] input_sizes, int dim, int start, int end, int step) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: start + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: end + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: step + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, int64_t, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: start + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: end + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: step + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: slogdet + operator_name: slogdet + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::slogdet(Tensor self) -> (Tensor sign, Tensor logabsdet) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: sign + name: sign + type: at::Tensor + - dynamic_type: at::Tensor + field_name: logabsdet + name: logabsdet + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: smm + operator_name: smm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::smm(Tensor self, Tensor mat2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: softmax + operator_name: softmax + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::softmax.int(Tensor self, int dim, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: softmax + operator_name: softmax + overload_name: Dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::softmax.Dimname(Tensor self, Dimname dim, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _softmax + operator_name: _softmax + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_softmax(Tensor self, int dim, bool half_to_float) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: half_to_float + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: half_to_float + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _softmax_out + operator_name: _softmax + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_softmax.out(Tensor self, int dim, bool half_to_float, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: half_to_float + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: half_to_float + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _softmax_backward_data + operator_name: _softmax_backward_data + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_softmax_backward_data(Tensor grad_output, Tensor output, int dim, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _softmax_backward_data_out + operator_name: _softmax_backward_data + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_softmax_backward_data.out(Tensor grad_output, Tensor output, int dim, Tensor self, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, int64_t, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: unsafe_split + operator_name: unsafe_split + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::unsafe_split.Tensor(Tensor self, int split_size, int dim=0) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: split_size + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: split_size + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: split + operator_name: split + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::split.Tensor(Tensor(a) self, int split_size, int dim=0) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: split_size + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: split_size + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: unsafe_split_with_sizes + operator_name: unsafe_split_with_sizes + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::unsafe_split_with_sizes(Tensor self, int[] split_sizes, int dim=0) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: split_sizes + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: split_sizes + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: split_with_sizes + operator_name: split_with_sizes + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::split_with_sizes(Tensor(a) self, int[] split_sizes, int dim=0) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: split_sizes + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: split_sizes + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: hsplit + operator_name: hsplit + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::hsplit.int(Tensor(a) self, int sections) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sections + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sections + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: hsplit + operator_name: hsplit + overload_name: array + manual_kernel_registration: false + category_override: '' + schema_string: aten::hsplit.array(Tensor(a) self, int[] indices) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: indices + type: at::IntArrayRef + schema_order_cpp_signature: ::std::vector (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: indices + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: vsplit + operator_name: vsplit + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::vsplit.int(Tensor(a) self, int sections) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sections + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sections + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: vsplit + operator_name: vsplit + overload_name: array + manual_kernel_registration: false + category_override: '' + schema_string: aten::vsplit.array(Tensor(a) self, int[] indices) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: indices + type: at::IntArrayRef + schema_order_cpp_signature: ::std::vector (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: indices + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: dsplit + operator_name: dsplit + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::dsplit.int(Tensor(a) self, int sections) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sections + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sections + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: dsplit + operator_name: dsplit + overload_name: array + manual_kernel_registration: false + category_override: '' + schema_string: aten::dsplit.array(Tensor(a) self, int[] indices) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: indices + type: at::IntArrayRef + schema_order_cpp_signature: ::std::vector (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: indices + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: squeeze + operator_name: squeeze + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::squeeze(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: squeeze + operator_name: squeeze + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::squeeze.dim(Tensor(a) self, int dim) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: squeeze + operator_name: squeeze + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::squeeze.dimname(Tensor(a) self, Dimname dim) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: squeeze_ + operator_name: squeeze_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::squeeze_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: squeeze_ + operator_name: squeeze_ + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::squeeze_.dim(Tensor(a!) self, int dim) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: squeeze_ + operator_name: squeeze_ + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::squeeze_.dimname(Tensor(a!) self, Dimname dim) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: at::Tensor & (at::Tensor &, at::Dimname) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: sspaddmm + operator_name: sspaddmm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sspaddmm(Tensor self, Tensor mat1, Tensor mat2, *, Scalar beta=1, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: sspaddmm_out + operator_name: sspaddmm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::sspaddmm.out(Tensor self, Tensor mat1, Tensor mat2, *, Scalar beta=1, Scalar alpha=1, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: stack + operator_name: stack + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::stack(Tensor[] tensors, int dim=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (at::TensorList, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: stack_out + operator_name: stack + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::stack.out(Tensor[] tensors, int dim=0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::TensorList, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _stack + operator_name: _stack + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_stack(Tensor[] tensors, int dim=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (at::TensorList, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _stack_out + operator_name: _stack + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_stack.out(Tensor[] tensors, int dim=0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::TensorList, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hstack + operator_name: hstack + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hstack(Tensor[] tensors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: hstack_out + operator_name: hstack + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::hstack.out(Tensor[] tensors, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor & (at::TensorList, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: vstack + operator_name: vstack + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::vstack(Tensor[] tensors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: vstack_out + operator_name: vstack + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::vstack.out(Tensor[] tensors, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor & (at::TensorList, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: dstack + operator_name: dstack + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::dstack(Tensor[] tensors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: dstack_out + operator_name: dstack + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::dstack.out(Tensor[] tensors, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor & (at::TensorList, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: stft + operator_name: stft + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::stft(Tensor self, int n_fft, int? hop_length=None, int? win_length=None, Tensor? window=None, bool normalized=False, bool? onesided=None, bool? return_complex=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n_fft + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: hop_length + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: win_length + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: window + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: normalized + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + name: onesided + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + name: return_complex + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, c10::optional, c10::optional, const c10::optional &, bool, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n_fft + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: hop_length + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: win_length + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: window + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: normalized + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + name: onesided + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + name: return_complex + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: istft + operator_name: istft + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::istft(Tensor self, int n_fft, int? hop_length=None, int? win_length=None, Tensor? window=None, bool center=True, bool normalized=False, bool? onesided=None, int? length=None, bool return_complex=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n_fft + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: hop_length + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: win_length + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: window + type: const c10::optional & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: center + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: normalized + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + name: onesided + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: length + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_complex + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, c10::optional, c10::optional, const c10::optional &, bool, bool, c10::optional, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n_fft + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: hop_length + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: win_length + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: window + type: const c10::optional & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: center + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: normalized + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + name: onesided + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: length + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_complex + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: stride + operator_name: stride + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::stride.int(Tensor self, int dim) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: int64_t (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: stride + operator_name: stride + overload_name: Dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::stride.Dimname(Tensor self, Dimname dim) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: int64_t (const at::Tensor &, at::Dimname) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: sum + operator_name: sum + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sum(Tensor self, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sum + operator_name: sum + overload_name: dim_IntList + manual_kernel_registration: false + category_override: '' + schema_string: aten::sum.dim_IntList(Tensor self, int[1] dim, bool keepdim=False, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sum + operator_name: sum + overload_name: dim_DimnameList + manual_kernel_registration: false + category_override: '' + schema_string: aten::sum.dim_DimnameList(Tensor self, Dimname[1] dim, bool keepdim=False, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::DimnameList, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: sum_out + operator_name: sum + overload_name: IntList_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::sum.IntList_out(Tensor self, int[1] dim, bool keepdim=False, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sum_out + operator_name: sum + overload_name: DimnameList_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::sum.DimnameList_out(Tensor self, Dimname[1] dim, bool keepdim=False, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::DimnameList, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nansum + operator_name: nansum + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nansum(Tensor self, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nansum + operator_name: nansum + overload_name: dim_IntList + manual_kernel_registration: false + category_override: '' + schema_string: aten::nansum.dim_IntList(Tensor self, int[1] dim, bool keepdim=False, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nansum_out + operator_name: nansum + overload_name: IntList_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::nansum.IntList_out(Tensor self, int[1] dim, bool keepdim=False, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sum_to_size + operator_name: sum_to_size + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sum_to_size(Tensor self, int[] size) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: sqrt + operator_name: sqrt + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sqrt(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sqrt_ + operator_name: sqrt_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sqrt_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sqrt_out + operator_name: sqrt + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::sqrt.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: square + operator_name: square + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::square(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: square_ + operator_name: square_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::square_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: square_out + operator_name: square + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::square.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: std + operator_name: std + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::std(Tensor self, bool unbiased=True) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: std + operator_name: std + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::std.dim(Tensor self, int[1] dim, bool unbiased=True, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: std + operator_name: std + overload_name: correction + manual_kernel_registration: false + category_override: '' + schema_string: aten::std.correction(Tensor self, int[1]? dim, *, int? correction, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: std_mean + operator_name: std_mean + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::std_mean(Tensor self, bool unbiased=True) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: std_mean + operator_name: std_mean + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::std_mean.dim(Tensor self, int[1] dim, bool unbiased=True, bool keepdim=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: std_mean + operator_name: std_mean + overload_name: correction + manual_kernel_registration: false + category_override: '' + schema_string: aten::std_mean.correction(Tensor self, int[1]? dim, *, int? correction, bool keepdim=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, c10::optional, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: std_mean + operator_name: std_mean + overload_name: names_dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::std_mean.names_dim(Tensor self, Dimname[1] dim, bool unbiased=True, bool keepdim=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::DimnameList, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: std_mean + operator_name: std_mean + overload_name: correction_names + manual_kernel_registration: false + category_override: '' + schema_string: aten::std_mean.correction_names(Tensor self, Dimname[1] dim, *, int? correction, bool keepdim=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::DimnameList, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: std_out + operator_name: std + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::std.out(Tensor self, int[1] dim, bool unbiased=True, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: std_out + operator_name: std + overload_name: correction_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::std.correction_out(Tensor self, int[1]? dim, *, int? correction, bool keepdim=False, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, c10::optional, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: std + operator_name: std + overload_name: names_dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::std.names_dim(Tensor self, Dimname[1] dim, bool unbiased=True, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::DimnameList, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: std_out + operator_name: std + overload_name: names_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::std.names_out(Tensor self, Dimname[1] dim, bool unbiased=True, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::DimnameList, bool, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: std + operator_name: std + overload_name: correction_names + manual_kernel_registration: false + category_override: '' + schema_string: aten::std.correction_names(Tensor self, Dimname[1] dim, *, int? correction, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::DimnameList, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: std_out + operator_name: std + overload_name: correction_names_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::std.correction_names_out(Tensor self, Dimname[1] dim, *, int? correction, bool keepdim=False, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::DimnameList, c10::optional, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: prod + operator_name: prod + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::prod(Tensor self, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: prod + operator_name: prod + overload_name: dim_int + manual_kernel_registration: false + category_override: '' + schema_string: aten::prod.dim_int(Tensor self, int dim, bool keepdim=False, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: prod_out + operator_name: prod + overload_name: int_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::prod.int_out(Tensor self, int dim, bool keepdim=False, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: prod + operator_name: prod + overload_name: dim_Dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::prod.dim_Dimname(Tensor self, Dimname dim, bool keepdim=False, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: prod_out + operator_name: prod + overload_name: Dimname_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::prod.Dimname_out(Tensor self, Dimname dim, bool keepdim=False, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Dimname, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: t + operator_name: t + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::t(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: t_ + operator_name: t_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::t_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: tan + operator_name: tan + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::tan(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: tan_ + operator_name: tan_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::tan_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: tan_out + operator_name: tan + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::tan.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: tanh + operator_name: tanh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::tanh(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: tanh_ + operator_name: tanh_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::tanh_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: tanh_out + operator_name: tanh + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::tanh.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: tensordot + operator_name: tensordot + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::tensordot(Tensor self, Tensor other, int[] dims_self, int[] dims_other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims_self + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims_other + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims_self + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims_other + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: tensordot_out + operator_name: tensordot + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::tensordot.out(Tensor self, Tensor other, int[] dims_self, int[] dims_other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims_self + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims_other + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims_self + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims_other + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: threshold + operator_name: threshold + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::threshold(Tensor self, Scalar threshold, Scalar value) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: threshold_ + operator_name: threshold_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::threshold_(Tensor(a!) self, Scalar threshold, Scalar value) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: threshold_out + operator_name: threshold + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::threshold.out(Tensor self, Scalar threshold, Scalar value, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: threshold_backward_out + operator_name: threshold_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::threshold_backward.grad_input(Tensor grad_output, Tensor self, Scalar threshold, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: threshold_backward + operator_name: threshold_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::threshold_backward(Tensor grad_output, Tensor self, Scalar threshold) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: tile + operator_name: tile + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::tile(Tensor self, int[] dims) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: transpose + operator_name: transpose + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::transpose.int(Tensor(a) self, int dim0, int dim1) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: transpose + operator_name: transpose + overload_name: Dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::transpose.Dimname(Tensor(a) self, Dimname dim0, Dimname dim1) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim0 + type: at::Dimname + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim1 + type: at::Dimname + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, at::Dimname) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim0 + type: at::Dimname + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim1 + type: at::Dimname + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: _mkldnn_transpose + operator_name: _mkldnn_transpose + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_mkldnn_transpose(Tensor self, int dim0, int dim1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: transpose_ + operator_name: transpose_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::transpose_(Tensor(a!) self, int dim0, int dim1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: _mkldnn_transpose_ + operator_name: _mkldnn_transpose_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_mkldnn_transpose_(Tensor(a!) self, int dim0, int dim1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: one_hot + operator_name: one_hot + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::one_hot(Tensor self, int num_classes=-1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: num_classes + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: num_classes + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: flip + operator_name: flip + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::flip(Tensor self, int[] dims) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fliplr + operator_name: fliplr + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fliplr(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: flipud + operator_name: flipud + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::flipud(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: roll + operator_name: roll + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::roll(Tensor self, int[1] shifts, int[1] dims=[]) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: shifts + size: 1 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims + size: 1 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: shifts + size: 1 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims + size: 1 + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: rot90 + operator_name: rot90 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rot90(Tensor self, int k=1, int[] dims=[0,1]) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + default: '{0,1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + default: '{0,1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dims + type: at::IntArrayRef + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: trapezoid + operator_name: trapezoid + overload_name: x + manual_kernel_registration: false + category_override: '' + schema_string: aten::trapezoid.x(Tensor y, Tensor x, *, int dim=-1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: y + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: y + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: trapezoid + operator_name: trapezoid + overload_name: dx + manual_kernel_registration: false + category_override: '' + schema_string: aten::trapezoid.dx(Tensor y, *, Scalar dx=1, int dim=-1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: y + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: dx + type: const at::Scalar & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: y + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: dx + type: const at::Scalar & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: trapz + operator_name: trapz + overload_name: x + manual_kernel_registration: false + category_override: '' + schema_string: aten::trapz.x(Tensor y, Tensor x, *, int dim=-1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: y + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: y + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: trapz + operator_name: trapz + overload_name: dx + manual_kernel_registration: false + category_override: '' + schema_string: aten::trapz.dx(Tensor y, *, float dx=1, int dim=-1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: y + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + kwarg_only: true + name: dx + type: double + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: y + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + kwarg_only: true + name: dx + type: double + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _trilinear + operator_name: _trilinear + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_trilinear(Tensor i1, Tensor i2, Tensor i3, int[] expand1, int[] expand2, int[] expand3, int[] sumdim, int unroll_dim=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: i1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: i2 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: i3 + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: expand1 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: expand2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: expand3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: sumdim + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: unroll_dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: i1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: i2 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: i3 + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: expand1 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: expand2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: expand3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: sumdim + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: unroll_dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: triplet_margin_loss + operator_name: triplet_margin_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::triplet_margin_loss(Tensor anchor, Tensor positive, Tensor negative, float margin=1.0, float p=2, float eps=1e-06, bool swap=False, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: anchor + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: positive + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: negative + type: const at::Tensor & + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: margin + type: double + - annotation: null + default: 2 + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: 1.0e-06 + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: swap + type: bool + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, double, double, double, bool, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: anchor + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: positive + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: negative + type: const at::Tensor & + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: margin + type: double + - annotation: null + default: 2 + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: 1.0e-06 + dynamic_type: double + is_nullable: false + name: eps + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: swap + type: bool + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: trunc + operator_name: trunc + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::trunc(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: trunc_ + operator_name: trunc_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::trunc_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: trunc_out + operator_name: trunc + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::trunc.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fix + operator_name: fix + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fix(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fix_ + operator_name: fix_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fix_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fix_out + operator_name: fix + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fix.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: type_as + operator_name: type_as + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::type_as(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _has_compatible_shallow_copy_type + operator_name: _has_compatible_shallow_copy_type + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_has_compatible_shallow_copy_type(Tensor self, Tensor from) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: from + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: from + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _unique + operator_name: _unique + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_unique(Tensor self, bool sorted=True, bool return_inverse=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: sorted + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_inverse + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: sorted + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_inverse + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: unique_dim + operator_name: unique_dim + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::unique_dim(Tensor self, int dim, bool sorted=True, bool return_inverse=False, bool return_counts=False) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: sorted + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_inverse + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_counts + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: sorted + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_inverse + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_counts + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: unique_consecutive + operator_name: unique_consecutive + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::unique_consecutive(Tensor self, bool return_inverse=False, bool return_counts=False, int? dim=None) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_inverse + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_counts + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_inverse + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_counts + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: unique_dim_consecutive + operator_name: unique_dim_consecutive + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::unique_dim_consecutive(Tensor self, int dim, bool return_inverse=False, bool return_counts=False) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_inverse + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_counts + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_inverse + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_counts + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _unique2 + operator_name: _unique2 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_unique2(Tensor self, bool sorted=True, bool return_inverse=False, bool return_counts=False) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: sorted + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_inverse + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_counts + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: sorted + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_inverse + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: return_counts + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _unsafe_view + operator_name: _unsafe_view + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_unsafe_view(Tensor self, int[] size) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: unsqueeze + operator_name: unsqueeze + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::unsqueeze(Tensor(a) self, int dim) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: unsqueeze_ + operator_name: unsqueeze_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::unsqueeze_(Tensor(a!) self, int dim) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: vander + operator_name: vander + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::vander(Tensor x, int? N=None, bool increasing=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: N + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: increasing + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: N + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: increasing + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: var + operator_name: var + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::var(Tensor self, bool unbiased=True) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: var + operator_name: var + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::var.dim(Tensor self, int[1] dim, bool unbiased=True, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: var + operator_name: var + overload_name: correction + manual_kernel_registration: false + category_override: '' + schema_string: aten::var.correction(Tensor self, int[1]? dim, *, int? correction, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: var_out + operator_name: var + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::var.out(Tensor self, int[1] dim, bool unbiased=True, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: var_out + operator_name: var + overload_name: correction_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::var.correction_out(Tensor self, int[1]? dim, *, int? correction, bool keepdim=False, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, c10::optional, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: var + operator_name: var + overload_name: names_dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::var.names_dim(Tensor self, Dimname[1] dim, bool unbiased=True, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::DimnameList, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: var_out + operator_name: var + overload_name: names_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::var.names_out(Tensor self, Dimname[1] dim, bool unbiased=True, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::DimnameList, bool, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: var + operator_name: var + overload_name: correction_names + manual_kernel_registration: false + category_override: '' + schema_string: aten::var.correction_names(Tensor self, Dimname[1] dim, *, int? correction, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::DimnameList, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: var_out + operator_name: var + overload_name: correction_names_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::var.correction_names_out(Tensor self, Dimname[1] dim, *, int? correction, bool keepdim=False, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::DimnameList, c10::optional, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: var_mean + operator_name: var_mean + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::var_mean(Tensor self, bool unbiased=True) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: var_mean + operator_name: var_mean + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::var_mean.dim(Tensor self, int[1] dim, bool unbiased=True, bool keepdim=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: var_mean + operator_name: var_mean + overload_name: correction + manual_kernel_registration: false + category_override: '' + schema_string: aten::var_mean.correction(Tensor self, int[1]? dim, *, int? correction, bool keepdim=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, c10::optional, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: var_mean + operator_name: var_mean + overload_name: names_dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::var_mean.names_dim(Tensor self, Dimname[1] dim, bool unbiased=True, bool keepdim=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::DimnameList, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unbiased + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: var_mean + operator_name: var_mean + overload_name: correction_names + manual_kernel_registration: false + category_override: '' + schema_string: aten::var_mean.correction_names(Tensor self, Dimname[1] dim, *, int? correction, bool keepdim=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::DimnameList, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: int64_t + is_nullable: true + kwarg_only: true + name: correction + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: view_as + operator_name: view_as + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::view_as(Tensor(a) self, Tensor other) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: where + operator_name: where + overload_name: self + manual_kernel_registration: false + category_override: '' + schema_string: aten::where.self(Tensor condition, Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: condition + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: condition + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: where + operator_name: where + overload_name: ScalarSelf + manual_kernel_registration: false + category_override: '' + schema_string: aten::where.ScalarSelf(Tensor condition, Scalar self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: condition + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: condition + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: where + operator_name: where + overload_name: ScalarOther + manual_kernel_registration: false + category_override: '' + schema_string: aten::where.ScalarOther(Tensor condition, Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: condition + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: condition + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: where + operator_name: where + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::where.Scalar(Tensor condition, Scalar self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: condition + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: condition + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: where + operator_name: where + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::where(Tensor condition) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: condition + type: const at::Tensor & + schema_order_cpp_signature: ::std::vector (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: condition + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _s_where + operator_name: _s_where + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_s_where(Tensor condition, Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: condition + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: condition + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: norm_except_dim + operator_name: norm_except_dim + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::norm_except_dim(Tensor v, int pow=2, int dim=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: v + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: int64_t + is_nullable: false + name: pow + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: v + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: int64_t + is_nullable: false + name: pow + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _weight_norm + operator_name: _weight_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_weight_norm(Tensor v, Tensor g, int dim=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: v + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: g + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: v + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: g + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _weight_norm_cuda_interface + operator_name: _weight_norm_cuda_interface + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_weight_norm_cuda_interface(Tensor v, Tensor g, int dim=0) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: v + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: g + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: v + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: g + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _weight_norm_cuda_interface_backward + operator_name: _weight_norm_cuda_interface_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_weight_norm_cuda_interface_backward(Tensor grad_w, Tensor saved_v, Tensor saved_g, Tensor saved_norms, int dim) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_w + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: saved_v + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: saved_g + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: saved_norms + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_w + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: saved_v + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: saved_g + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: saved_norms + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _weight_norm_differentiable_backward + operator_name: _weight_norm_differentiable_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_weight_norm_differentiable_backward(Tensor grad_w, Tensor saved_v, Tensor saved_g, Tensor saved_norms, int dim) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_w + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: saved_v + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: saved_g + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: saved_norms + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_w + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: saved_v + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: saved_g + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: saved_norms + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: zeros + operator_name: zeros + overload_name: names + manual_kernel_registration: false + category_override: '' + schema_string: aten::zeros.names(int[] size, *, Dimname[]? names, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::DimnameList + is_nullable: true + kwarg_only: true + name: names + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: zeros + operator_name: zeros + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::zeros(int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: zeros_out + operator_name: zeros + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::zeros.out(int[] size, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: zeros_like + operator_name: zeros_like + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::zeros_like(Tensor self, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, MemoryFormat? memory_format=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _standard_gamma_grad + operator_name: _standard_gamma_grad + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_standard_gamma_grad(Tensor self, Tensor output) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _standard_gamma + operator_name: _standard_gamma + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_standard_gamma(Tensor self, Generator? generator=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _dirichlet_grad + operator_name: _dirichlet_grad + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_dirichlet_grad(Tensor x, Tensor alpha, Tensor total) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: alpha + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: total + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: x + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: alpha + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: total + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _sample_dirichlet + operator_name: _sample_dirichlet + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sample_dirichlet(Tensor self, Generator? generator=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: poisson + operator_name: poisson + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::poisson(Tensor self, Generator? generator=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: binomial + operator_name: binomial + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::binomial(Tensor count, Tensor prob, Generator? generator=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: count + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: prob + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: count + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: prob + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: native_norm + operator_name: native_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::native_norm(Tensor self, Scalar p=2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: native_norm + operator_name: native_norm + overload_name: ScalarOpt_dim_dtype + manual_kernel_registration: false + category_override: '' + schema_string: aten::native_norm.ScalarOpt_dim_dtype(Tensor self, Scalar? p, int[1] dim, bool keepdim, ScalarType? dtype) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, at::IntArrayRef, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _sparse_sum + operator_name: _sparse_sum + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_sum(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sparse_sum + operator_name: _sparse_sum + overload_name: dtype + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_sum.dtype(Tensor self, *, ScalarType dtype) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::ScalarType) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sparse_sum + operator_name: _sparse_sum + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_sum.dim(Tensor self, int[1] dim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _sparse_sum + operator_name: _sparse_sum + overload_name: dim_dtype + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_sum.dim_dtype(Tensor self, int[1] dim, *, ScalarType dtype) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::ScalarType) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sparse_sum_backward + operator_name: _sparse_sum_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_sum_backward(Tensor grad, Tensor self, int[] dim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _sparse_softmax + operator_name: _sparse_softmax + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_softmax.int(Tensor self, int dim, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sparse_softmax + operator_name: _sparse_softmax + overload_name: Dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_softmax.Dimname(Tensor self, Dimname dim, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sparse_softmax + operator_name: _sparse_softmax + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_softmax(Tensor self, int dim, bool half_to_float) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: half_to_float + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: half_to_float + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _sparse_softmax_backward_data + operator_name: _sparse_softmax_backward_data + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_softmax_backward_data(Tensor grad_output, Tensor output, int dim, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _sparse_log_softmax + operator_name: _sparse_log_softmax + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_log_softmax.int(Tensor self, int dim, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sparse_log_softmax + operator_name: _sparse_log_softmax + overload_name: Dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_log_softmax.Dimname(Tensor self, Dimname dim, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sparse_log_softmax + operator_name: _sparse_log_softmax + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_log_softmax(Tensor self, int dim, bool half_to_float) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: half_to_float + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: bool + is_nullable: false + name: half_to_float + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _sparse_log_softmax_backward_data + operator_name: _sparse_log_softmax_backward_data + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_log_softmax_backward_data(Tensor grad_output, Tensor output, int dim, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: norm + operator_name: norm + overload_name: ScalarOpt_dtype + manual_kernel_registration: false + category_override: '' + schema_string: aten::norm.ScalarOpt_dtype(Tensor self, Scalar? p, *, ScalarType dtype) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, at::ScalarType) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: norm + operator_name: norm + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::norm.Scalar(Tensor self, Scalar p=2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: norm + operator_name: norm + overload_name: ScalarOpt_dim_dtype + manual_kernel_registration: false + category_override: '' + schema_string: aten::norm.ScalarOpt_dim_dtype(Tensor self, Scalar? p, int[1] dim, bool keepdim, *, ScalarType dtype) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, at::IntArrayRef, bool, at::ScalarType) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: norm + operator_name: norm + overload_name: ScalarOpt_dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::norm.ScalarOpt_dim(Tensor self, Scalar? p, int[1] dim, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: norm_out + operator_name: norm + overload_name: dtype_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::norm.dtype_out(Tensor self, Scalar? p, int[1] dim, bool keepdim, *, ScalarType dtype, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const c10::optional &, at::IntArrayRef, bool, at::ScalarType, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: norm_out + operator_name: norm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::norm.out(Tensor self, Scalar? p, int[1] dim, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const c10::optional &, at::IntArrayRef, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: norm + operator_name: norm + overload_name: names_ScalarOpt_dim_dtype + manual_kernel_registration: false + category_override: '' + schema_string: aten::norm.names_ScalarOpt_dim_dtype(Tensor self, Scalar? p, Dimname[1] dim, bool keepdim, *, ScalarType dtype) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, at::DimnameList, bool, at::ScalarType) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: norm + operator_name: norm + overload_name: names_ScalarOpt_dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::norm.names_ScalarOpt_dim(Tensor self, Scalar? p, Dimname[1] dim, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, at::DimnameList, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: norm_out + operator_name: norm + overload_name: names_dtype_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::norm.names_dtype_out(Tensor self, Scalar? p, Dimname[1] dim, bool keepdim, *, ScalarType dtype, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const c10::optional &, at::DimnameList, bool, at::ScalarType, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + kwarg_only: true + name: dtype + type: at::ScalarType + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: norm_out + operator_name: norm + overload_name: names_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::norm.names_out(Tensor self, Scalar? p, Dimname[1] dim, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const c10::optional &, at::DimnameList, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - annotation: null + dynamic_type: at::DimnameList + is_nullable: false + name: dim + size: 1 + type: at::DimnameList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: frexp + operator_name: frexp + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::frexp.Tensor(Tensor self) -> (Tensor mantissa, Tensor exponent) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: mantissa + name: mantissa + type: at::Tensor + - dynamic_type: at::Tensor + field_name: exponent + name: exponent + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: frexp_out + operator_name: frexp + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::frexp.Tensor_out(Tensor self, *, Tensor(a!) mantissa, Tensor(b!) exponent) -> (Tensor(a!) mantissa, Tensor(b!) exponent) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: mantissa + is_nullable: false + name: mantissa + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: exponent + is_nullable: false + name: exponent + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: mantissa + is_nullable: false + name: mantissa + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: exponent + is_nullable: false + name: exponent + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: mantissa + name: mantissa + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: exponent + name: exponent + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: frobenius_norm + operator_name: frobenius_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::frobenius_norm(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: frobenius_norm + operator_name: frobenius_norm + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::frobenius_norm.dim(Tensor self, int[1] dim, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: frobenius_norm_out + operator_name: frobenius_norm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::frobenius_norm.out(Tensor self, int[1] dim, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nuclear_norm + operator_name: nuclear_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nuclear_norm(Tensor self, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nuclear_norm_out + operator_name: nuclear_norm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::nuclear_norm.out(Tensor self, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nuclear_norm + operator_name: nuclear_norm + overload_name: dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::nuclear_norm.dim(Tensor self, int[2] dim, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nuclear_norm_out + operator_name: nuclear_norm + overload_name: dim_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::nuclear_norm.dim_out(Tensor self, int[2] dim, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: clone + operator_name: clone + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::clone(Tensor self, *, MemoryFormat? memory_format=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: positive + operator_name: positive + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::positive(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: resize_as_ + operator_name: resize_as_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::resize_as_(Tensor(a!) self, Tensor the_template, *, MemoryFormat? memory_format=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: the_template + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: const at::Tensor & (const at::Tensor &, const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: the_template + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: const at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: resize_as_sparse_ + operator_name: resize_as_sparse_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::resize_as_sparse_(Tensor(a!) self, Tensor the_template) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: the_template + type: const at::Tensor & + schema_order_cpp_signature: const at::Tensor & (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: the_template + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: const at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: zero_ + operator_name: zero_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::zero_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sub_out + operator_name: sub + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::sub.out(Tensor self, Tensor other, *, Scalar alpha=1, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sub + operator_name: sub + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::sub.Tensor(Tensor self, Tensor other, *, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sub_ + operator_name: sub_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::sub_.Tensor(Tensor(a!) self, Tensor other, *, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sub + operator_name: sub + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::sub.Scalar(Tensor self, Scalar other, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sub_ + operator_name: sub_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::sub_.Scalar(Tensor(a!) self, Scalar other, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: subtract_out + operator_name: subtract + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::subtract.out(Tensor self, Tensor other, *, Scalar alpha=1, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: subtract + operator_name: subtract + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::subtract.Tensor(Tensor self, Tensor other, *, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: subtract_ + operator_name: subtract_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::subtract_.Tensor(Tensor(a!) self, Tensor other, *, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: subtract + operator_name: subtract + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::subtract.Scalar(Tensor self, Scalar other, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: subtract_ + operator_name: subtract_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::subtract_.Scalar(Tensor(a!) self, Scalar other, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rsub + operator_name: rsub + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::rsub.Tensor(Tensor self, Tensor other, *, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: heaviside_out + operator_name: heaviside + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::heaviside.out(Tensor self, Tensor values, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: heaviside + operator_name: heaviside + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::heaviside(Tensor self, Tensor values) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: heaviside_ + operator_name: heaviside_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::heaviside_(Tensor(a!) self, Tensor values) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: rsub + operator_name: rsub + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::rsub.Scalar(Tensor self, Scalar other, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _sparse_addmm + operator_name: _sparse_addmm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_addmm(Tensor self, Tensor sparse, Tensor dense, *, Scalar beta=1, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sparse + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dense + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sparse + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dense + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addmm_out + operator_name: addmm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::addmm.out(Tensor self, Tensor mat1, Tensor mat2, *, Scalar beta=1, Scalar alpha=1, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addmm + operator_name: addmm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::addmm(Tensor self, Tensor mat1, Tensor mat2, *, Scalar beta=1, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addmm_ + operator_name: addmm_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::addmm_(Tensor(a!) self, Tensor mat1, Tensor mat2, *, Scalar beta=1, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sparse_csr_tensor + operator_name: sparse_csr_tensor + overload_name: crow_col_value_size + manual_kernel_registration: false + category_override: '' + schema_string: aten::sparse_csr_tensor.crow_col_value_size(Tensor crow_indices, Tensor col_indices, Tensor values, int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: crow_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: crow_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: sparse_csr_tensor + operator_name: sparse_csr_tensor + overload_name: crow_col_value + manual_kernel_registration: false + category_override: '' + schema_string: aten::sparse_csr_tensor.crow_col_value(Tensor crow_indices, Tensor col_indices, Tensor values, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: crow_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: crow_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sparse_csr_tensor_unsafe + operator_name: _sparse_csr_tensor_unsafe + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_csr_tensor_unsafe(Tensor crow_indices, Tensor col_indices, Tensor values, int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: crow_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: crow_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: sparse_coo_tensor + operator_name: sparse_coo_tensor + overload_name: size + manual_kernel_registration: false + category_override: '' + schema_string: aten::sparse_coo_tensor.size(int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: sparse_coo_tensor + operator_name: sparse_coo_tensor + overload_name: indices + manual_kernel_registration: false + category_override: '' + schema_string: aten::sparse_coo_tensor.indices(Tensor indices, Tensor values, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: sparse_coo_tensor + operator_name: sparse_coo_tensor + overload_name: indices_size + manual_kernel_registration: false + category_override: '' + schema_string: aten::sparse_coo_tensor.indices_size(Tensor indices, Tensor values, int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sparse_coo_tensor_unsafe + operator_name: _sparse_coo_tensor_unsafe + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_coo_tensor_unsafe(Tensor indices, Tensor values, int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _validate_sparse_coo_tensor_args + operator_name: _validate_sparse_coo_tensor_args + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_validate_sparse_coo_tensor_args(Tensor indices, Tensor values, int[] size) -> () + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + schema_order_cpp_signature: void (const at::Tensor &, const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _validate_sparse_csr_tensor_args + operator_name: _validate_sparse_csr_tensor_args + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_validate_sparse_csr_tensor_args(Tensor crow_indices, Tensor col_indices, Tensor values, int[] size) -> () + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: crow_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + schema_order_cpp_signature: void (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: crow_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _sparse_coo_tensor_with_dims + operator_name: _sparse_coo_tensor_with_dims + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_coo_tensor_with_dims(int sparse_dim, int dense_dim, int[] size, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=False) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sparse_dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dense_dim + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, int64_t, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sparse_dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dense_dim + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _sparse_coo_tensor_with_dims_and_tensors + operator_name: _sparse_coo_tensor_with_dims_and_tensors + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_sparse_coo_tensor_with_dims_and_tensors(int sparse_dim, int dense_dim, int[] size, Tensor indices, Tensor values, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=False) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sparse_dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dense_dim + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, int64_t, at::IntArrayRef, const at::Tensor &, const at::Tensor &, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sparse_dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dense_dim + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sparse_resize_ + operator_name: sparse_resize_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sparse_resize_(Tensor(a!) self, int[] size, int sparse_dim, int dense_dim) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sparse_dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dense_dim + type: int64_t + schema_order_cpp_signature: const at::Tensor & (const at::Tensor &, at::IntArrayRef, int64_t, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sparse_dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dense_dim + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: const at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sparse_resize_and_clear_ + operator_name: sparse_resize_and_clear_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sparse_resize_and_clear_(Tensor(a!) self, int[] size, int sparse_dim, int dense_dim) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sparse_dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dense_dim + type: int64_t + schema_order_cpp_signature: const at::Tensor & (const at::Tensor &, at::IntArrayRef, int64_t, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sparse_dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dense_dim + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: const at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sparse_mask + operator_name: sparse_mask + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sparse_mask(Tensor self, Tensor mask) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _to_cpu + operator_name: _to_cpu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_to_cpu(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: to_dense + operator_name: to_dense + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::to_dense(Tensor self, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: to_dense_backward + operator_name: to_dense_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::to_dense_backward(Tensor grad, Tensor input) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: sparse_dim + operator_name: sparse_dim + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sparse_dim(Tensor self) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: int64_t (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: _dimI + operator_name: _dimI + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_dimI(Tensor self) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: int64_t (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: dense_dim + operator_name: dense_dim + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::dense_dim(Tensor self) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: int64_t (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: _dimV + operator_name: _dimV + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_dimV(Tensor self) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: int64_t (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: _nnz + operator_name: _nnz + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_nnz(Tensor self) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: int64_t (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: coalesce + operator_name: coalesce + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::coalesce(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _coalesce + operator_name: _coalesce + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_coalesce(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: is_coalesced + operator_name: is_coalesced + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_coalesced(Tensor self) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: _indices + operator_name: _indices + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_indices(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: _values + operator_name: _values + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_values(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: _coalesced_ + operator_name: _coalesced_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_coalesced_(Tensor(a!) self, bool coalesced) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: coalesced + type: bool + schema_order_cpp_signature: at::Tensor & (at::Tensor &, bool) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: coalesced + type: bool + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: indices + operator_name: indices + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::indices(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: values + operator_name: values + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::values(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: crow_indices + operator_name: crow_indices + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::crow_indices(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: col_indices + operator_name: col_indices + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::col_indices(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: hspmm_out + operator_name: hspmm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::hspmm.out(Tensor mat1, Tensor mat2, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hspmm + operator_name: hspmm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hspmm(Tensor mat1, Tensor mat2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mat2 + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: copy_sparse_to_sparse_ + operator_name: copy_sparse_to_sparse_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::copy_sparse_to_sparse_(Tensor(a!) self, Tensor src, bool non_blocking=False) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: unbind + operator_name: unbind + overload_name: int + manual_kernel_registration: false + category_override: '' + schema_string: aten::unbind.int(Tensor(a) self, int dim=0) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: ::std::vector (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: unbind + operator_name: unbind + overload_name: Dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::unbind.Dimname(Tensor(a) self, Dimname dim) -> Tensor(a)[] + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + schema_order_cpp_signature: ::std::vector (const at::Tensor &, at::Dimname) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: to_sparse + operator_name: to_sparse + overload_name: sparse_dim + manual_kernel_registration: false + category_override: '' + schema_string: aten::to_sparse.sparse_dim(Tensor self, int sparse_dim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sparse_dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: sparse_dim + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: to_sparse + operator_name: to_sparse + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::to_sparse(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: to_mkldnn + operator_name: to_mkldnn + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::to_mkldnn(Tensor self, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + name: dtype + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mkldnn_reorder_conv2d_weight + operator_name: mkldnn_reorder_conv2d_weight + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_reorder_conv2d_weight(Tensor self, int[2] padding=0, int[2] stride=1, int[2] dilation=1, int groups=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mkldnn_reorder_conv3d_weight + operator_name: mkldnn_reorder_conv3d_weight + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_reorder_conv3d_weight(Tensor self, int[3] padding=0, int[3] stride=1, int[3] dilation=1, int groups=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: groups + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: to_mkldnn_backward + operator_name: to_mkldnn_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::to_mkldnn_backward(Tensor grad, Tensor input) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantize_per_tensor + operator_name: quantize_per_tensor + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantize_per_tensor(Tensor self, float scale, int zero_point, ScalarType dtype) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: scale + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: zero_point + type: int64_t + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, int64_t, at::ScalarType) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: scale + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: zero_point + type: int64_t + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: quantize_per_tensor + operator_name: quantize_per_tensor + overload_name: tensor_qparams + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantize_per_tensor.tensor_qparams(Tensor self, Tensor scale, Tensor zero_point, ScalarType dtype) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::ScalarType) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: quantize_per_tensor + operator_name: quantize_per_tensor + overload_name: tensors + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantize_per_tensor.tensors(Tensor[] tensors, Tensor scales, Tensor zero_points, ScalarType dtype) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scales + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_points + type: const at::Tensor & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + schema_order_cpp_signature: ::std::vector (at::TensorList, const at::Tensor &, const at::Tensor &, at::ScalarType) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scales + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_points + type: const at::Tensor & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: quantize_per_channel + operator_name: quantize_per_channel + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantize_per_channel(Tensor self, Tensor scales, Tensor zero_points, int axis, ScalarType dtype) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scales + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_points + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis + type: int64_t + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, at::ScalarType) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scales + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_points + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis + type: int64_t + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: dequantize + operator_name: dequantize + overload_name: self + manual_kernel_registration: false + category_override: '' + schema_string: aten::dequantize.self(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: dequantize + operator_name: dequantize + overload_name: tensors + manual_kernel_registration: false + category_override: '' + schema_string: aten::dequantize.tensors(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: q_scale + operator_name: q_scale + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::q_scale(Tensor self) -> float + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: double (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: double + name: result + type: double + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: q_zero_point + operator_name: q_zero_point + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::q_zero_point(Tensor self) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: int64_t (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: q_per_channel_scales + operator_name: q_per_channel_scales + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::q_per_channel_scales(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: q_per_channel_zero_points + operator_name: q_per_channel_zero_points + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::q_per_channel_zero_points(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: q_per_channel_axis + operator_name: q_per_channel_axis + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::q_per_channel_axis(Tensor self) -> int + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: int64_t (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: int64_t + name: result + type: int64_t + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: int_repr + operator_name: int_repr + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::int_repr(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _make_per_tensor_quantized_tensor + operator_name: _make_per_tensor_quantized_tensor + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_make_per_tensor_quantized_tensor(Tensor self, float scale, int zero_point) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: scale + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: zero_point + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: scale + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: zero_point + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _make_per_channel_quantized_tensor + operator_name: _make_per_channel_quantized_tensor + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_make_per_channel_quantized_tensor(Tensor self, Tensor scale, Tensor zero_point, int axis) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: qscheme + operator_name: qscheme + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::qscheme(Tensor self) -> QScheme + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::QScheme (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::QScheme + name: result + type: at::QScheme + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fake_quantize_per_tensor_affine + operator_name: fake_quantize_per_tensor_affine + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fake_quantize_per_tensor_affine(Tensor self, float scale, int zero_point, int quant_min, int quant_max) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: scale + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: zero_point + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: scale + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: zero_point + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fake_quantize_per_tensor_affine + operator_name: fake_quantize_per_tensor_affine + overload_name: tensor_qparams + manual_kernel_registration: false + category_override: '' + schema_string: aten::fake_quantize_per_tensor_affine.tensor_qparams(Tensor self, Tensor scale, Tensor zero_point, int quant_min, int quant_max) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fake_quantize_per_tensor_affine_cachemask + operator_name: fake_quantize_per_tensor_affine_cachemask + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fake_quantize_per_tensor_affine_cachemask(Tensor self, float scale, int zero_point, int quant_min, int quant_max) -> (Tensor output, Tensor mask) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: scale + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: zero_point + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, double, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: scale + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: zero_point + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: output + name: output + type: at::Tensor + - dynamic_type: at::Tensor + field_name: mask + name: mask + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _fake_quantize_per_tensor_affine_cachemask_tensor_qparams + operator_name: _fake_quantize_per_tensor_affine_cachemask_tensor_qparams + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fake_quantize_per_tensor_affine_cachemask_tensor_qparams(Tensor self, Tensor scale, Tensor zero_point, Tensor fake_quant_enabled, int quant_min, int quant_max) -> (Tensor output, Tensor mask) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fake_quant_enabled + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fake_quant_enabled + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: output + name: output + type: at::Tensor + - dynamic_type: at::Tensor + field_name: mask + name: mask + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fake_quantize_per_tensor_affine_cachemask_backward + operator_name: fake_quantize_per_tensor_affine_cachemask_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fake_quantize_per_tensor_affine_cachemask_backward(Tensor grad, Tensor mask) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _fake_quantize_learnable_per_tensor_affine + operator_name: _fake_quantize_learnable_per_tensor_affine + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fake_quantize_learnable_per_tensor_affine(Tensor self, Tensor scale, Tensor zero_point, int quant_min, int quant_max, float grad_factor=1.0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: grad_factor + type: double + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, int64_t, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: grad_factor + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _fake_quantize_learnable_per_tensor_affine_backward + operator_name: _fake_quantize_learnable_per_tensor_affine_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fake_quantize_learnable_per_tensor_affine_backward(Tensor grad, Tensor self, Tensor scale, Tensor zero_point, int quant_min, int quant_max, float grad_factor=1.0) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: grad_factor + type: double + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, int64_t, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: grad_factor + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fake_quantize_per_channel_affine + operator_name: fake_quantize_per_channel_affine + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fake_quantize_per_channel_affine(Tensor self, Tensor scale, Tensor zero_point, int axis, int quant_min, int quant_max) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fake_quantize_per_channel_affine_cachemask + operator_name: fake_quantize_per_channel_affine_cachemask + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fake_quantize_per_channel_affine_cachemask(Tensor self, Tensor scale, Tensor zero_point, int axis, int quant_min, int quant_max) -> (Tensor output, Tensor mask) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: output + name: output + type: at::Tensor + - dynamic_type: at::Tensor + field_name: mask + name: mask + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fake_quantize_per_channel_affine_cachemask_backward + operator_name: fake_quantize_per_channel_affine_cachemask_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fake_quantize_per_channel_affine_cachemask_backward(Tensor grad, Tensor mask) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _fake_quantize_learnable_per_channel_affine + operator_name: _fake_quantize_learnable_per_channel_affine + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fake_quantize_learnable_per_channel_affine(Tensor self, Tensor scale, Tensor zero_point, int axis, int quant_min, int quant_max, float grad_factor=1.0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: grad_factor + type: double + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, int64_t, int64_t, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: grad_factor + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _fake_quantize_learnable_per_channel_affine_backward + operator_name: _fake_quantize_learnable_per_channel_affine_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fake_quantize_learnable_per_channel_affine_backward(Tensor grad, Tensor self, Tensor scale, Tensor zero_point, int axis, int quant_min, int quant_max, float grad_factor=1.0) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: grad_factor + type: double + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, int64_t, int64_t, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: grad_factor + type: double + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fused_moving_avg_obs_fake_quant + operator_name: fused_moving_avg_obs_fake_quant + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fused_moving_avg_obs_fake_quant(Tensor self, Tensor observer_on, Tensor fake_quant_on, Tensor(a!) running_min, Tensor(b!) running_max, Tensor(c!) scale, Tensor(d!) zero_point, float averaging_const, int quant_min, int quant_max, int ch_axis, bool per_row_fake_quant=False, bool symmetric_quant=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: observer_on + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fake_quant_on + type: const at::Tensor & + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: running_min + type: at::Tensor & + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: running_max + type: at::Tensor & + - annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: at::Tensor & + - annotation: d! + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: averaging_const + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ch_axis + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: per_row_fake_quant + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: symmetric_quant + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, double, int64_t, int64_t, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: observer_on + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fake_quant_on + type: const at::Tensor & + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: running_min + type: at::Tensor & + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: running_max + type: at::Tensor & + - annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: at::Tensor & + - annotation: d! + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: averaging_const + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ch_axis + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: per_row_fake_quant + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: symmetric_quant + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _fused_moving_avg_obs_fq_helper + operator_name: _fused_moving_avg_obs_fq_helper + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_fused_moving_avg_obs_fq_helper(Tensor self, Tensor observer_on, Tensor fake_quant_on, Tensor(a!) running_min, Tensor(b!) running_max, Tensor(c!) scale, Tensor(d!) zero_point, float averaging_const, int quant_min, int quant_max, int ch_axis, bool per_row_fake_quant=False, bool symmetric_quant=False) -> (Tensor output, Tensor mask) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: observer_on + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fake_quant_on + type: const at::Tensor & + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: running_min + type: at::Tensor & + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: running_max + type: at::Tensor & + - annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: at::Tensor & + - annotation: d! + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: averaging_const + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ch_axis + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: per_row_fake_quant + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: symmetric_quant + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, double, int64_t, int64_t, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: observer_on + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fake_quant_on + type: const at::Tensor & + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: running_min + type: at::Tensor & + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: running_max + type: at::Tensor & + - annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: scale + type: at::Tensor & + - annotation: d! + dynamic_type: at::Tensor + is_nullable: false + name: zero_point + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: averaging_const + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_min + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: quant_max + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ch_axis + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: per_row_fake_quant + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: symmetric_quant + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: output + name: output + type: at::Tensor + - dynamic_type: at::Tensor + field_name: mask + name: mask + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _choose_qparams_per_tensor + operator_name: _choose_qparams_per_tensor + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_choose_qparams_per_tensor(Tensor self, bool reduce_range=False) -> (float, int) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: reduce_range + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: reduce_range + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: double + name: result0 + type: double + - dynamic_type: int64_t + name: result1 + type: int64_t + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _saturate_weight_to_fp16 + operator_name: _saturate_weight_to_fp16 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_saturate_weight_to_fp16(Tensor weight) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: choose_qparams_optimized + operator_name: choose_qparams_optimized + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::choose_qparams_optimized(Tensor input, int numel, int n_bins, float ratio, int bit_width) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: numel + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n_bins + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: ratio + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: bit_width + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, int64_t, double, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: numel + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n_bins + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: ratio + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: bit_width + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _to_copy + operator_name: _to_copy + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_to_copy(Tensor self, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, bool non_blocking=False, MemoryFormat? memory_format=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: non_blocking + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, c10::optional, c10::optional, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: non_blocking + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: to + operator_name: to + overload_name: dtype_layout + manual_kernel_registration: false + category_override: '' + schema_string: aten::to.dtype_layout(Tensor(a) self, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None, bool non_blocking=False, bool copy=False, MemoryFormat? memory_format=None) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: non_blocking + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: copy + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, c10::optional, c10::optional, bool, bool, c10::optional) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: non_blocking + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: copy + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + kwarg_only: true + name: memory_format + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: to + operator_name: to + overload_name: device + manual_kernel_registration: false + category_override: '' + schema_string: aten::to.device(Tensor(a) self, Device device, ScalarType dtype, bool non_blocking=False, bool copy=False, MemoryFormat? memory_format=None) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Device + is_nullable: false + name: device + type: at::Device + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: copy + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Device, at::ScalarType, bool, bool, c10::optional) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Device + is_nullable: false + name: device + type: at::Device + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: copy + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + name: memory_format + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: to + operator_name: to + overload_name: dtype + manual_kernel_registration: false + category_override: '' + schema_string: aten::to.dtype(Tensor(a) self, ScalarType dtype, bool non_blocking=False, bool copy=False, MemoryFormat? memory_format=None) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: copy + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::ScalarType, bool, bool, c10::optional) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: copy + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + name: memory_format + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: to + operator_name: to + overload_name: other + manual_kernel_registration: false + category_override: '' + schema_string: aten::to.other(Tensor(a) self, Tensor other, bool non_blocking=False, bool copy=False, MemoryFormat? memory_format=None) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: copy + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + name: memory_format + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, bool, bool, c10::optional) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: non_blocking + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: copy + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::MemoryFormat + is_nullable: true + name: memory_format + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: meshgrid + operator_name: meshgrid + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::meshgrid(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: meshgrid + operator_name: meshgrid + overload_name: indexing + manual_kernel_registration: false + category_override: '' + schema_string: aten::meshgrid.indexing(Tensor[] tensors, *, str indexing) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: indexing + type: c10::string_view + schema_order_cpp_signature: ::std::vector (at::TensorList, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: indexing + type: c10::string_view + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: cartesian_prod + operator_name: cartesian_prod + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cartesian_prod(Tensor[] tensors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: combinations + operator_name: combinations + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::combinations(Tensor self, int r=2, bool with_replacement=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: int64_t + is_nullable: false + name: r + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: with_replacement + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: int64_t + is_nullable: false + name: r + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: with_replacement + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: item + operator_name: item + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::item(Tensor self) -> Scalar + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Scalar (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: const at::Scalar & + name: result + type: at::Scalar + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: result_type + operator_name: result_type + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::result_type.Tensor(Tensor tensor, Tensor other) -> ScalarType + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::ScalarType (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::ScalarType + name: result + type: at::ScalarType + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: result_type + operator_name: result_type + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::result_type.Scalar(Tensor tensor, Scalar other) -> ScalarType + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::ScalarType (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::ScalarType + name: result + type: at::ScalarType + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: result_type + operator_name: result_type + overload_name: Scalar_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::result_type.Scalar_Tensor(Scalar scalar, Tensor tensor) -> ScalarType + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor + type: const at::Tensor & + schema_order_cpp_signature: at::ScalarType (const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::ScalarType + name: result + type: at::ScalarType + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: result_type + operator_name: result_type + overload_name: Scalar_Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::result_type.Scalar_Scalar(Scalar scalar1, Scalar scalar2) -> ScalarType + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar1 + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar2 + type: const at::Scalar & + schema_order_cpp_signature: at::ScalarType (const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar1 + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar2 + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::ScalarType + name: result + type: at::ScalarType + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: can_cast + operator_name: can_cast + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::can_cast(ScalarType from, ScalarType to) -> bool + arguments: + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: from + type: at::ScalarType + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: to + type: at::ScalarType + schema_order_cpp_signature: bool (at::ScalarType, at::ScalarType) + schema_order_arguments: + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: from + type: at::ScalarType + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: to + type: at::ScalarType + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: promote_types + operator_name: promote_types + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::promote_types(ScalarType type1, ScalarType type2) -> ScalarType + arguments: + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: type1 + type: at::ScalarType + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: type2 + type: at::ScalarType + schema_order_cpp_signature: at::ScalarType (at::ScalarType, at::ScalarType) + schema_order_arguments: + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: type1 + type: at::ScalarType + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: type2 + type: at::ScalarType + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::ScalarType + name: result + type: at::ScalarType + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _local_scalar_dense + operator_name: _local_scalar_dense + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_local_scalar_dense(Tensor self) -> Scalar + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Scalar (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: const at::Scalar & + name: result + type: at::Scalar + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _thnn_fused_lstm_cell + operator_name: _thnn_fused_lstm_cell + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_thnn_fused_lstm_cell(Tensor input_gates, Tensor hidden_gates, Tensor cx, Tensor? input_bias=None, Tensor? hidden_bias=None) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hidden_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: cx + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: input_bias + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: hidden_bias + type: const c10::optional & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hidden_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: cx + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: input_bias + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: hidden_bias + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _thnn_fused_lstm_cell_backward + operator_name: _thnn_fused_lstm_cell_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_thnn_fused_lstm_cell_backward(Tensor? grad_hy, Tensor? grad_cy, Tensor cx, Tensor cy, Tensor workspace, bool has_bias) -> (Tensor, Tensor, Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_hy + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_cy + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: cx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: cy + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: workspace + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_bias + type: bool + schema_order_cpp_signature: ::std::tuple (const c10::optional &, const c10::optional &, const at::Tensor &, const at::Tensor &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_hy + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_cy + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: cx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: cy + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: workspace + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_bias + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::Tensor + name: result3 + type: at::Tensor + - dynamic_type: at::Tensor + name: result4 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _thnn_differentiable_lstm_cell_backward + operator_name: _thnn_differentiable_lstm_cell_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_thnn_differentiable_lstm_cell_backward(Tensor? grad_hy, Tensor? grad_cy, Tensor input_gates, Tensor hidden_gates, Tensor? input_bias, Tensor? hidden_bias, Tensor cx, Tensor cy) -> (Tensor, Tensor, Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_hy + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_cy + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hidden_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: input_bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: hidden_bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: cx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: cy + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const c10::optional &, const c10::optional &, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_hy + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: grad_cy + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hidden_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: input_bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: hidden_bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: cx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: cy + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::Tensor + name: result3 + type: at::Tensor + - dynamic_type: at::Tensor + name: result4 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _thnn_fused_gru_cell + operator_name: _thnn_fused_gru_cell + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_thnn_fused_gru_cell(Tensor input_gates, Tensor hidden_gates, Tensor hx, Tensor? input_bias=None, Tensor? hidden_bias=None) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hidden_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: input_bias + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: hidden_bias + type: const c10::optional & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hidden_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: input_bias + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: hidden_bias + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _thnn_fused_gru_cell_backward + operator_name: _thnn_fused_gru_cell_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_thnn_fused_gru_cell_backward(Tensor grad_hy, Tensor workspace, bool has_bias) -> (Tensor, Tensor, Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_hy + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: workspace + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_bias + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_hy + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: workspace + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_bias + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::Tensor + name: result3 + type: at::Tensor + - dynamic_type: at::Tensor + name: result4 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _thnn_differentiable_gru_cell_backward + operator_name: _thnn_differentiable_gru_cell_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_thnn_differentiable_gru_cell_backward(Tensor grad_hy, Tensor input_gates, Tensor hidden_gates, Tensor hx, Tensor? input_bias, Tensor? hidden_bias) -> (Tensor, Tensor, Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_hy + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hidden_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: input_bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: hidden_bias + type: const c10::optional & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_hy + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hidden_gates + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: input_bias + type: const c10::optional & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: hidden_bias + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + - dynamic_type: at::Tensor + name: result3 + type: at::Tensor + - dynamic_type: at::Tensor + name: result4 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: lstm + operator_name: lstm + overload_name: input + manual_kernel_registration: false + category_override: '' + schema_string: aten::lstm.input(Tensor input, Tensor[] hx, Tensor[] params, bool has_biases, int num_layers, float dropout, bool train, bool bidirectional, bool batch_first) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: hx + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::TensorList, at::TensorList, bool, int64_t, double, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: hx + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: lstm + operator_name: lstm + overload_name: data + manual_kernel_registration: false + category_override: '' + schema_string: aten::lstm.data(Tensor data, Tensor batch_sizes, Tensor[] hx, Tensor[] params, bool has_biases, int num_layers, float dropout, bool train, bool bidirectional) -> (Tensor, Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch_sizes + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: hx + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::TensorList, at::TensorList, bool, int64_t, double, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch_sizes + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: hx + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + - dynamic_type: at::Tensor + name: result2 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: gru + operator_name: gru + overload_name: input + manual_kernel_registration: false + category_override: '' + schema_string: aten::gru.input(Tensor input, Tensor hx, Tensor[] params, bool has_biases, int num_layers, float dropout, bool train, bool bidirectional, bool batch_first) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::TensorList, bool, int64_t, double, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: gru + operator_name: gru + overload_name: data + manual_kernel_registration: false + category_override: '' + schema_string: aten::gru.data(Tensor data, Tensor batch_sizes, Tensor hx, Tensor[] params, bool has_biases, int num_layers, float dropout, bool train, bool bidirectional) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch_sizes + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::TensorList, bool, int64_t, double, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch_sizes + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rnn_tanh + operator_name: rnn_tanh + overload_name: input + manual_kernel_registration: false + category_override: '' + schema_string: aten::rnn_tanh.input(Tensor input, Tensor hx, Tensor[] params, bool has_biases, int num_layers, float dropout, bool train, bool bidirectional, bool batch_first) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::TensorList, bool, int64_t, double, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rnn_tanh + operator_name: rnn_tanh + overload_name: data + manual_kernel_registration: false + category_override: '' + schema_string: aten::rnn_tanh.data(Tensor data, Tensor batch_sizes, Tensor hx, Tensor[] params, bool has_biases, int num_layers, float dropout, bool train, bool bidirectional) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch_sizes + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::TensorList, bool, int64_t, double, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch_sizes + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rnn_relu + operator_name: rnn_relu + overload_name: input + manual_kernel_registration: false + category_override: '' + schema_string: aten::rnn_relu.input(Tensor input, Tensor hx, Tensor[] params, bool has_biases, int num_layers, float dropout, bool train, bool bidirectional, bool batch_first) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::TensorList, bool, int64_t, double, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rnn_relu + operator_name: rnn_relu + overload_name: data + manual_kernel_registration: false + category_override: '' + schema_string: aten::rnn_relu.data(Tensor data, Tensor batch_sizes, Tensor hx, Tensor[] params, bool has_biases, int num_layers, float dropout, bool train, bool bidirectional) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch_sizes + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::TensorList, bool, int64_t, double, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch_sizes + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: params + type: at::TensorList + - annotation: null + dynamic_type: bool + is_nullable: false + name: has_biases + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_layers + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: dropout + type: double + - annotation: null + dynamic_type: bool + is_nullable: false + name: train + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: bidirectional + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: lstm_cell + operator_name: lstm_cell + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::lstm_cell(Tensor input, Tensor[] hx, Tensor w_ih, Tensor w_hh, Tensor? b_ih=None, Tensor? b_hh=None) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: hx + type: at::TensorList + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_ih + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_hh + type: const c10::optional & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::TensorList, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: hx + type: at::TensorList + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_ih + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_hh + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: gru_cell + operator_name: gru_cell + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::gru_cell(Tensor input, Tensor hx, Tensor w_ih, Tensor w_hh, Tensor? b_ih=None, Tensor? b_hh=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_ih + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_hh + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_ih + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_hh + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rnn_tanh_cell + operator_name: rnn_tanh_cell + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rnn_tanh_cell(Tensor input, Tensor hx, Tensor w_ih, Tensor w_hh, Tensor? b_ih=None, Tensor? b_hh=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_ih + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_hh + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_ih + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_hh + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: rnn_relu_cell + operator_name: rnn_relu_cell + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rnn_relu_cell(Tensor input, Tensor hx, Tensor w_ih, Tensor w_hh, Tensor? b_ih=None, Tensor? b_hh=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_ih + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_hh + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_ih + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: b_hh + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantized_lstm_cell + operator_name: quantized_lstm_cell + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantized_lstm_cell(Tensor input, Tensor[] hx, Tensor w_ih, Tensor w_hh, Tensor b_ih, Tensor b_hh, Tensor packed_ih, Tensor packed_hh, Tensor col_offsets_ih, Tensor col_offsets_hh, Scalar scale_ih, Scalar scale_hh, Scalar zero_point_ih, Scalar zero_point_hh) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: hx + type: at::TensorList + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_hh + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_hh + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_hh + type: const at::Scalar & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::TensorList, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: hx + type: at::TensorList + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_hh + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_hh + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_hh + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantized_gru_cell + operator_name: quantized_gru_cell + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantized_gru_cell(Tensor input, Tensor hx, Tensor w_ih, Tensor w_hh, Tensor b_ih, Tensor b_hh, Tensor packed_ih, Tensor packed_hh, Tensor col_offsets_ih, Tensor col_offsets_hh, Scalar scale_ih, Scalar scale_hh, Scalar zero_point_ih, Scalar zero_point_hh) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_hh + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_hh + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_hh + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_hh + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_hh + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_hh + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantized_rnn_relu_cell + operator_name: quantized_rnn_relu_cell + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantized_rnn_relu_cell(Tensor input, Tensor hx, Tensor w_ih, Tensor w_hh, Tensor b_ih, Tensor b_hh, Tensor packed_ih, Tensor packed_hh, Tensor col_offsets_ih, Tensor col_offsets_hh, Scalar scale_ih, Scalar scale_hh, Scalar zero_point_ih, Scalar zero_point_hh) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_hh + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_hh + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_hh + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_hh + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_hh + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_hh + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantized_rnn_tanh_cell + operator_name: quantized_rnn_tanh_cell + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantized_rnn_tanh_cell(Tensor input, Tensor hx, Tensor w_ih, Tensor w_hh, Tensor b_ih, Tensor b_hh, Tensor packed_ih, Tensor packed_hh, Tensor col_offsets_ih, Tensor col_offsets_hh, Scalar scale_ih, Scalar scale_hh, Scalar zero_point_ih, Scalar zero_point_hh) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_hh + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_hh + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_hh + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: hx + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: w_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: packed_hh + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_ih + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: col_offsets_hh + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale_hh + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_ih + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: zero_point_hh + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _pack_padded_sequence + operator_name: _pack_padded_sequence + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_pack_padded_sequence(Tensor input, Tensor lengths, bool batch_first) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: lengths + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: lengths + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _pack_padded_sequence_backward + operator_name: _pack_padded_sequence_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_pack_padded_sequence_backward(Tensor grad, int[] input_size, Tensor batch_sizes, bool batch_first) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch_sizes + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch_sizes + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _pad_packed_sequence + operator_name: _pad_packed_sequence + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_pad_packed_sequence(Tensor data, Tensor batch_sizes, bool batch_first, Scalar padding_value, int total_length) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch_sizes + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: padding_value + type: const at::Scalar & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: total_length + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, bool, const at::Scalar &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch_sizes + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: padding_value + type: const at::Scalar & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: total_length + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: set_ + operator_name: set_ + overload_name: source_Storage + manual_kernel_registration: false + category_override: '' + schema_string: aten::set_.source_Storage(Tensor(a!) self, Storage source) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Storage + is_nullable: false + name: source + type: at::Storage + schema_order_cpp_signature: at::Tensor & (at::Tensor &, at::Storage) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Storage + is_nullable: false + name: source + type: at::Storage + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: set_ + operator_name: set_ + overload_name: source_Storage_storage_offset + manual_kernel_registration: false + category_override: '' + schema_string: aten::set_.source_Storage_storage_offset(Tensor(a!) self, Storage source, int storage_offset, int[] size, int[] stride=[]) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Storage + is_nullable: false + name: source + type: at::Storage + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: storage_offset + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (at::Tensor &, at::Storage, int64_t, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Storage + is_nullable: false + name: source + type: at::Storage + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: storage_offset + type: int64_t + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + type: at::IntArrayRef + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: set_ + operator_name: set_ + overload_name: source_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::set_.source_Tensor(Tensor(a!) self, Tensor source) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: set_ + operator_name: set_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::set_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: is_set_to + operator_name: is_set_to + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::is_set_to(Tensor self, Tensor tensor) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: masked_fill_ + operator_name: masked_fill_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::masked_fill_.Scalar(Tensor(a!) self, Tensor mask, Scalar value) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: masked_fill + operator_name: masked_fill + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::masked_fill.Scalar(Tensor self, Tensor mask, Scalar value) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: masked_fill_ + operator_name: masked_fill_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::masked_fill_.Tensor(Tensor(a!) self, Tensor mask, Tensor value) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: masked_fill + operator_name: masked_fill + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::masked_fill.Tensor(Tensor self, Tensor mask, Tensor value) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: masked_scatter_ + operator_name: masked_scatter_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::masked_scatter_(Tensor(a!) self, Tensor mask, Tensor source) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: masked_scatter + operator_name: masked_scatter + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::masked_scatter(Tensor self, Tensor mask, Tensor source) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: view + operator_name: view + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::view(Tensor(a) self, int[] size) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: view + operator_name: view + overload_name: dtype + manual_kernel_registration: false + category_override: '' + schema_string: aten::view.dtype(Tensor(a) self, ScalarType dtype) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::ScalarType) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::ScalarType + is_nullable: false + name: dtype + type: at::ScalarType + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: put_ + operator_name: put_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::put_(Tensor(a!) self, Tensor index, Tensor source, bool accumulate=False) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: accumulate + type: bool + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: accumulate + type: bool + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: put + operator_name: put + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::put(Tensor self, Tensor index, Tensor source, bool accumulate=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: accumulate + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: accumulate + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_add_ + operator_name: index_add_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_add_(Tensor(a!) self, int dim, Tensor index, Tensor source) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_add_ + operator_name: index_add_ + overload_name: alpha + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_add_.alpha(Tensor(a!) self, int dim, Tensor index, Tensor source, *, Scalar alpha) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: index_add + operator_name: index_add + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_add(Tensor self, int dim, Tensor index, Tensor source) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_add + operator_name: index_add + overload_name: alpha + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_add.alpha(Tensor self, int dim, Tensor index, Tensor source, *, Scalar alpha) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_add + operator_name: index_add + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_add.dimname(Tensor self, Dimname dim, Tensor index, Tensor source, *, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_fill_ + operator_name: index_fill_ + overload_name: int_Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_fill_.int_Scalar(Tensor(a!) self, int dim, Tensor index, Scalar value) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: index_fill + operator_name: index_fill + overload_name: int_Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_fill.int_Scalar(Tensor self, int dim, Tensor index, Scalar value) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_fill_ + operator_name: index_fill_ + overload_name: int_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_fill_.int_Tensor(Tensor(a!) self, int dim, Tensor index, Tensor value) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: index_fill + operator_name: index_fill + overload_name: int_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_fill.int_Tensor(Tensor self, int dim, Tensor index, Tensor value) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_fill_ + operator_name: index_fill_ + overload_name: Dimname_Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_fill_.Dimname_Scalar(Tensor(a!) self, Dimname dim, Tensor index, Scalar value) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, at::Dimname, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_fill_ + operator_name: index_fill_ + overload_name: Dimname_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_fill_.Dimname_Tensor(Tensor(a!) self, Dimname dim, Tensor index, Tensor value) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, at::Dimname, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_fill + operator_name: index_fill + overload_name: Dimname_Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_fill.Dimname_Scalar(Tensor self, Dimname dim, Tensor index, Scalar value) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_fill + operator_name: index_fill + overload_name: Dimname_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_fill.Dimname_Tensor(Tensor self, Dimname dim, Tensor index, Tensor value) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: value + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: scatter + operator_name: scatter + overload_name: src + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter.src(Tensor self, int dim, Tensor index, Tensor src) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter_ + operator_name: scatter_ + overload_name: src + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter_.src(Tensor(a!) self, int dim, Tensor index, Tensor src) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter_out + operator_name: scatter + overload_name: src_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter.src_out(Tensor self, int dim, Tensor index, Tensor src, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter + operator_name: scatter + overload_name: value + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter.value(Tensor self, int dim, Tensor index, Scalar value) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter_ + operator_name: scatter_ + overload_name: value + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter_.value(Tensor(a!) self, int dim, Tensor index, Scalar value) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter_out + operator_name: scatter + overload_name: value_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter.value_out(Tensor self, int dim, Tensor index, Scalar value, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter + operator_name: scatter + overload_name: reduce + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter.reduce(Tensor self, int dim, Tensor index, Tensor src, *, str reduce) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: reduce + type: c10::string_view + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: reduce + type: c10::string_view + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter_ + operator_name: scatter_ + overload_name: reduce + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter_.reduce(Tensor(a!) self, int dim, Tensor index, Tensor src, *, str reduce) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: reduce + type: c10::string_view + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &, c10::string_view) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: reduce + type: c10::string_view + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter_out + operator_name: scatter + overload_name: reduce_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter.reduce_out(Tensor self, int dim, Tensor index, Tensor src, *, str reduce, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: reduce + type: c10::string_view + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &, c10::string_view, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: reduce + type: c10::string_view + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter + operator_name: scatter + overload_name: value_reduce + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter.value_reduce(Tensor self, int dim, Tensor index, Scalar value, *, str reduce) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: reduce + type: c10::string_view + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, const at::Scalar &, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: reduce + type: c10::string_view + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter_ + operator_name: scatter_ + overload_name: value_reduce + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter_.value_reduce(Tensor(a!) self, int dim, Tensor index, Scalar value, *, str reduce) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: reduce + type: c10::string_view + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, const at::Tensor &, const at::Scalar &, c10::string_view) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: reduce + type: c10::string_view + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter_out + operator_name: scatter + overload_name: value_reduce_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter.value_reduce_out(Tensor self, int dim, Tensor index, Scalar value, *, str reduce, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: reduce + type: c10::string_view + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, const at::Tensor &, const at::Scalar &, c10::string_view, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: reduce + type: c10::string_view + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter + operator_name: scatter + overload_name: dimname_src + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter.dimname_src(Tensor self, Dimname dim, Tensor index, Tensor src) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: scatter + operator_name: scatter + overload_name: dimname_value + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter.dimname_value(Tensor self, Dimname dim, Tensor index, Scalar value) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: scatter_add + operator_name: scatter_add + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter_add(Tensor self, int dim, Tensor index, Tensor src) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter_add_ + operator_name: scatter_add_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter_add_(Tensor(a!) self, int dim, Tensor index, Tensor src) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter_add_out + operator_name: scatter_add + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter_add.out(Tensor self, int dim, Tensor index, Tensor src, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: scatter_add + operator_name: scatter_add + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::scatter_add.dimname(Tensor self, Dimname dim, Tensor index, Tensor src) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: src + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: eq_ + operator_name: eq_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::eq_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: eq_ + operator_name: eq_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::eq_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_and_out + operator_name: bitwise_and + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_and.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_and_out + operator_name: bitwise_and + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_and.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_and + operator_name: bitwise_and + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_and.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_and + operator_name: bitwise_and + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_and.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_and_ + operator_name: bitwise_and_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_and_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: bitwise_and_ + operator_name: bitwise_and_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_and_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: __and__ + operator_name: __and__ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::__and__.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: __and__ + operator_name: __and__ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::__and__.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: __iand__ + operator_name: __iand__ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::__iand__.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: __iand__ + operator_name: __iand__ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::__iand__.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: bitwise_or_out + operator_name: bitwise_or + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_or.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_or_out + operator_name: bitwise_or + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_or.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_or + operator_name: bitwise_or + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_or.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: bitwise_or + operator_name: bitwise_or + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_or.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_or_ + operator_name: bitwise_or_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_or_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: bitwise_or_ + operator_name: bitwise_or_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_or_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: __or__ + operator_name: __or__ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::__or__.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: __or__ + operator_name: __or__ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::__or__.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: __ior__ + operator_name: __ior__ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::__ior__.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: __ior__ + operator_name: __ior__ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::__ior__.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: bitwise_xor_out + operator_name: bitwise_xor + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_xor.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_xor_out + operator_name: bitwise_xor + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_xor.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_xor + operator_name: bitwise_xor + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_xor.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: bitwise_xor + operator_name: bitwise_xor + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_xor.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_xor_ + operator_name: bitwise_xor_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_xor_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: bitwise_xor_ + operator_name: bitwise_xor_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_xor_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: __xor__ + operator_name: __xor__ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::__xor__.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: __xor__ + operator_name: __xor__ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::__xor__.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: __ixor__ + operator_name: __ixor__ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::__ixor__.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: __ixor__ + operator_name: __ixor__ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::__ixor__.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: __lshift__ + operator_name: __lshift__ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::__lshift__.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: __lshift__ + operator_name: __lshift__ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::__lshift__.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: __ilshift__ + operator_name: __ilshift__ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::__ilshift__.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: __ilshift__ + operator_name: __ilshift__ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::__ilshift__.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_left_shift + operator_name: bitwise_left_shift + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_left_shift.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_left_shift_ + operator_name: bitwise_left_shift_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_left_shift_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_left_shift_out + operator_name: bitwise_left_shift + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_left_shift.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_left_shift + operator_name: bitwise_left_shift + overload_name: Tensor_Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_left_shift.Tensor_Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_left_shift_ + operator_name: bitwise_left_shift_ + overload_name: Tensor_Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_left_shift_.Tensor_Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_left_shift_out + operator_name: bitwise_left_shift + overload_name: Tensor_Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_left_shift.Tensor_Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_left_shift + operator_name: bitwise_left_shift + overload_name: Scalar_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_left_shift.Scalar_Tensor(Scalar self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: __rshift__ + operator_name: __rshift__ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::__rshift__.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: __rshift__ + operator_name: __rshift__ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::__rshift__.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: __irshift__ + operator_name: __irshift__ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::__irshift__.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: __irshift__ + operator_name: __irshift__ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::__irshift__.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_right_shift + operator_name: bitwise_right_shift + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_right_shift.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_right_shift_ + operator_name: bitwise_right_shift_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_right_shift_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_right_shift_out + operator_name: bitwise_right_shift + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_right_shift.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_right_shift + operator_name: bitwise_right_shift + overload_name: Tensor_Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_right_shift.Tensor_Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_right_shift_ + operator_name: bitwise_right_shift_ + overload_name: Tensor_Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_right_shift_.Tensor_Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_right_shift_out + operator_name: bitwise_right_shift + overload_name: Tensor_Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_right_shift.Tensor_Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bitwise_right_shift + operator_name: bitwise_right_shift + overload_name: Scalar_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bitwise_right_shift.Scalar_Tensor(Scalar self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: tril_ + operator_name: tril_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::tril_(Tensor(a!) self, int diagonal=0) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: triu_ + operator_name: triu_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::triu_(Tensor(a!) self, int diagonal=0) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: digamma_ + operator_name: digamma_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::digamma_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lerp_ + operator_name: lerp_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::lerp_.Scalar(Tensor(a!) self, Tensor end, Scalar weight) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: end + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: end + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lerp_ + operator_name: lerp_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::lerp_.Tensor(Tensor(a!) self, Tensor end, Tensor weight) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: end + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: end + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addbmm_ + operator_name: addbmm_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::addbmm_(Tensor(a!) self, Tensor batch1, Tensor batch2, *, Scalar beta=1, Scalar alpha=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addbmm_out + operator_name: addbmm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::addbmm.out(Tensor self, Tensor batch1, Tensor batch2, *, Scalar beta=1, Scalar alpha=1, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addbmm + operator_name: addbmm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::addbmm(Tensor self, Tensor batch1, Tensor batch2, *, Scalar beta=1, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: batch2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: beta + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: random_ + operator_name: random_ + overload_name: from + manual_kernel_registration: false + category_override: '' + schema_string: aten::random_.from(Tensor(a!) self, int from, int? to, *, Generator? generator=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: from + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: to + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, c10::optional, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: from + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: to + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: random_ + operator_name: random_ + overload_name: to + manual_kernel_registration: false + category_override: '' + schema_string: aten::random_.to(Tensor(a!) self, int to, *, Generator? generator=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: to + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: to + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: random_ + operator_name: random_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::random_(Tensor(a!) self, *, Generator? generator=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: uniform_ + operator_name: uniform_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::uniform_(Tensor(a!) self, float from=0, float to=1, *, Generator? generator=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0 + dynamic_type: double + is_nullable: false + name: from + type: double + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: to + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, double, double, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0 + dynamic_type: double + is_nullable: false + name: from + type: double + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: to + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cauchy_ + operator_name: cauchy_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cauchy_(Tensor(a!) self, float median=0, float sigma=1, *, Generator? generator=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0 + dynamic_type: double + is_nullable: false + name: median + type: double + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: sigma + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, double, double, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0 + dynamic_type: double + is_nullable: false + name: median + type: double + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: sigma + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log_normal_ + operator_name: log_normal_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::log_normal_(Tensor(a!) self, float mean=1, float std=2, *, Generator? generator=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: mean + type: double + - annotation: null + default: 2 + dynamic_type: double + is_nullable: false + name: std + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, double, double, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: mean + type: double + - annotation: null + default: 2 + dynamic_type: double + is_nullable: false + name: std + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: exponential_ + operator_name: exponential_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::exponential_(Tensor(a!) self, float lambd=1, *, Generator? generator=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: lambd + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, double, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: lambd + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: geometric_ + operator_name: geometric_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::geometric_(Tensor(a!) self, float p, *, Generator? generator=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, double, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: p + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: diag_out + operator_name: diag + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::diag.out(Tensor self, int diagonal=0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: diag + operator_name: diag + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::diag(Tensor self, int diagonal=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: diag_backward + operator_name: diag_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::diag_backward(Tensor grad, int[] input_sizes, int diagonal) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: cross_out + operator_name: cross + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cross.out(Tensor self, Tensor other, int? dim=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cross + operator_name: cross + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cross(Tensor self, Tensor other, int? dim=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: triu_out + operator_name: triu + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::triu.out(Tensor self, int diagonal=0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: triu + operator_name: triu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::triu(Tensor self, int diagonal=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: tril_out + operator_name: tril + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::tril.out(Tensor self, int diagonal=0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: tril + operator_name: tril + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::tril(Tensor self, int diagonal=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: diagonal + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: tril_indices + operator_name: tril_indices + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::tril_indices(int row, int col, int offset=0, *, ScalarType? dtype=long, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: row + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: col + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: offset + type: int64_t + - annotation: null + default: at::kLong + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, int64_t, int64_t, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: row + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: col + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: offset + type: int64_t + - annotation: null + default: at::kLong + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: triu_indices + operator_name: triu_indices + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::triu_indices(int row, int col, int offset=0, *, ScalarType? dtype=long, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: row + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: col + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: offset + type: int64_t + - annotation: null + default: at::kLong + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, int64_t, int64_t, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: row + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: col + type: int64_t + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: offset + type: int64_t + - annotation: null + default: at::kLong + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: trace + operator_name: trace + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::trace(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: trace_backward + operator_name: trace_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::trace_backward(Tensor grad, int[] sizes) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: sizes + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: sizes + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: ne_out + operator_name: ne + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::ne.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ne + operator_name: ne + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::ne.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ne_out + operator_name: ne + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::ne.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ne + operator_name: ne + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::ne.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ne_ + operator_name: ne_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::ne_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ne_ + operator_name: ne_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::ne_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: not_equal_out + operator_name: not_equal + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::not_equal.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: not_equal + operator_name: not_equal + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::not_equal.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: not_equal_out + operator_name: not_equal + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::not_equal.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: not_equal + operator_name: not_equal + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::not_equal.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: not_equal_ + operator_name: not_equal_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::not_equal_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: not_equal_ + operator_name: not_equal_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::not_equal_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: eq_out + operator_name: eq + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::eq.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: eq + operator_name: eq + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::eq.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: eq_out + operator_name: eq + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::eq.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: eq + operator_name: eq + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::eq.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ge_out + operator_name: ge + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::ge.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ge + operator_name: ge + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::ge.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ge_out + operator_name: ge + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::ge.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ge + operator_name: ge + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::ge.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ge_ + operator_name: ge_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::ge_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ge_ + operator_name: ge_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::ge_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: greater_equal_out + operator_name: greater_equal + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::greater_equal.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: greater_equal + operator_name: greater_equal + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::greater_equal.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: greater_equal_out + operator_name: greater_equal + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::greater_equal.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: greater_equal + operator_name: greater_equal + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::greater_equal.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: greater_equal_ + operator_name: greater_equal_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::greater_equal_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: greater_equal_ + operator_name: greater_equal_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::greater_equal_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: le_out + operator_name: le + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::le.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: le + operator_name: le + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::le.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: le_out + operator_name: le + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::le.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: le + operator_name: le + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::le.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: le_ + operator_name: le_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::le_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: le_ + operator_name: le_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::le_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: less_equal_out + operator_name: less_equal + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::less_equal.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: less_equal + operator_name: less_equal + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::less_equal.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: less_equal_out + operator_name: less_equal + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::less_equal.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: less_equal + operator_name: less_equal + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::less_equal.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: less_equal_ + operator_name: less_equal_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::less_equal_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: less_equal_ + operator_name: less_equal_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::less_equal_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: gt_out + operator_name: gt + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::gt.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gt + operator_name: gt + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::gt.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gt_out + operator_name: gt + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::gt.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gt + operator_name: gt + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::gt.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gt_ + operator_name: gt_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::gt_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gt_ + operator_name: gt_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::gt_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: greater_out + operator_name: greater + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::greater.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: greater + operator_name: greater + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::greater.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: greater_out + operator_name: greater + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::greater.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: greater + operator_name: greater + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::greater.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: greater_ + operator_name: greater_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::greater_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: greater_ + operator_name: greater_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::greater_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: lt_out + operator_name: lt + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::lt.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lt + operator_name: lt + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::lt.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lt_out + operator_name: lt + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::lt.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lt + operator_name: lt + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::lt.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lt_ + operator_name: lt_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::lt_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lt_ + operator_name: lt_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::lt_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: less_out + operator_name: less + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::less.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: less + operator_name: less + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::less.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: less_out + operator_name: less + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::less.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: less + operator_name: less + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::less.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: less_ + operator_name: less_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::less_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: less_ + operator_name: less_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::less_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: take_out + operator_name: take + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::take.out(Tensor self, Tensor index, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: take + operator_name: take + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::take(Tensor self, Tensor index) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: take_along_dim_out + operator_name: take_along_dim + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::take_along_dim.out(Tensor self, Tensor indices, int? dim=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: take_along_dim + operator_name: take_along_dim + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::take_along_dim(Tensor self, Tensor indices, int? dim=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_select_out + operator_name: index_select + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_select.out(Tensor self, int dim, Tensor index, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: index_select + operator_name: index_select + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_select(Tensor self, int dim, Tensor index) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: index_select_out + operator_name: index_select + overload_name: dimname_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_select.dimname_out(Tensor self, Dimname dim, Tensor index, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Dimname, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_select + operator_name: index_select + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_select.dimname(Tensor self, Dimname dim, Tensor index) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: index_select_backward + operator_name: index_select_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::index_select_backward(Tensor grad, int[] self_sizes, int dim, Tensor index) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: self_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, int64_t, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: self_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: masked_select_out + operator_name: masked_select + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::masked_select.out(Tensor self, Tensor mask, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: masked_select + operator_name: masked_select + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::masked_select(Tensor self, Tensor mask) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: masked_select_backward + operator_name: masked_select_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::masked_select_backward(Tensor grad, Tensor input, Tensor mask) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mask + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: nonzero_out + operator_name: nonzero + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::nonzero.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nonzero + operator_name: nonzero + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nonzero(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nonzero_numpy + operator_name: nonzero_numpy + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nonzero_numpy(Tensor self) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::vector (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: gather_out + operator_name: gather + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::gather.out(Tensor self, int dim, Tensor index, *, bool sparse_grad=False, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: sparse_grad + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, const at::Tensor &, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: sparse_grad + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gather + operator_name: gather + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::gather(Tensor self, int dim, Tensor index, *, bool sparse_grad=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: sparse_grad + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: sparse_grad + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: gather_backward + operator_name: gather_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::gather_backward(Tensor grad, Tensor self, int dim, Tensor index, bool sparse_grad) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: sparse_grad + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: sparse_grad + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: gather_out + operator_name: gather + overload_name: dimname_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::gather.dimname_out(Tensor self, Dimname dim, Tensor index, *, bool sparse_grad=False, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: sparse_grad + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Dimname, const at::Tensor &, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: sparse_grad + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: gather + operator_name: gather + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::gather.dimname(Tensor self, Dimname dim, Tensor index, *, bool sparse_grad=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: sparse_grad + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: sparse_grad + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _gather_sparse_backward + operator_name: _gather_sparse_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_gather_sparse_backward(Tensor self, int dim, Tensor index, Tensor grad) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: addcmul_out + operator_name: addcmul + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::addcmul.out(Tensor self, Tensor tensor1, Tensor tensor2, *, Scalar value=1, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: value + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addcmul + operator_name: addcmul + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::addcmul(Tensor self, Tensor tensor1, Tensor tensor2, *, Scalar value=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addcmul_ + operator_name: addcmul_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::addcmul_(Tensor(a!) self, Tensor tensor1, Tensor tensor2, *, Scalar value=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addcdiv_out + operator_name: addcdiv + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::addcdiv.out(Tensor self, Tensor tensor1, Tensor tensor2, *, Scalar value=1, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: value + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addcdiv + operator_name: addcdiv + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::addcdiv(Tensor self, Tensor tensor1, Tensor tensor2, *, Scalar value=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: addcdiv_ + operator_name: addcdiv_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::addcdiv_(Tensor(a!) self, Tensor tensor1, Tensor tensor2, *, Scalar value=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: value + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor1 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tensor2 + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: value + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cross_entropy_loss + operator_name: cross_entropy_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cross_entropy_loss(Tensor self, Tensor target, Tensor? weight=None, int reduction=Mean, int ignore_index=-100, float label_smoothing=0.0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: -100 + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - annotation: null + default: 0.0 + dynamic_type: double + is_nullable: false + name: label_smoothing + type: double + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: -100 + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - annotation: null + default: 0.0 + dynamic_type: double + is_nullable: false + name: label_smoothing + type: double + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: lstsq_out + operator_name: lstsq + overload_name: X + manual_kernel_registration: false + category_override: '' + schema_string: aten::lstsq.X(Tensor self, Tensor A, *, Tensor(a!) X, Tensor(b!) qr) -> (Tensor(a!) solution, Tensor(b!) QR) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: solution + is_nullable: false + name: X + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: QR + is_nullable: false + name: qr + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: solution + is_nullable: false + name: X + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: QR + is_nullable: false + name: qr + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: solution + name: X + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: QR + name: qr + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lstsq + operator_name: lstsq + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::lstsq(Tensor self, Tensor A) -> (Tensor solution, Tensor QR) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: solution + name: solution + type: at::Tensor + - dynamic_type: at::Tensor + field_name: QR + name: QR + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: triangular_solve_out + operator_name: triangular_solve + overload_name: X + manual_kernel_registration: false + category_override: '' + schema_string: aten::triangular_solve.X(Tensor self, Tensor A, bool upper=True, bool transpose=False, bool unitriangular=False, *, Tensor(a!) X, Tensor(b!) M) -> (Tensor(a!) solution, Tensor(b!) cloned_coefficient) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: solution + is_nullable: false + name: X + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: cloned_coefficient + is_nullable: false + name: M + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: upper + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: transpose + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: unitriangular + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, bool, bool, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: upper + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: transpose + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: unitriangular + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: solution + is_nullable: false + name: X + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: cloned_coefficient + is_nullable: false + name: M + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: solution + name: X + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: cloned_coefficient + name: M + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: triangular_solve + operator_name: triangular_solve + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::triangular_solve(Tensor self, Tensor A, bool upper=True, bool transpose=False, bool unitriangular=False) -> (Tensor solution, Tensor cloned_coefficient) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: upper + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: transpose + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: unitriangular + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, bool, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: upper + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: transpose + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: unitriangular + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: solution + name: solution + type: at::Tensor + - dynamic_type: at::Tensor + field_name: cloned_coefficient + name: cloned_coefficient + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: symeig_out + operator_name: symeig + overload_name: e + manual_kernel_registration: false + category_override: '' + schema_string: aten::symeig.e(Tensor self, bool eigenvectors=False, bool upper=True, *, Tensor(a!) e, Tensor(b!) V) -> (Tensor(a!) eigenvalues, Tensor(b!) eigenvectors) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: eigenvalues + is_nullable: false + name: e + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: eigenvectors + is_nullable: false + name: V + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: eigenvectors + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: upper + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: eigenvectors + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: upper + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: eigenvalues + is_nullable: false + name: e + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: eigenvectors + is_nullable: false + name: V + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: eigenvalues + name: e + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: eigenvectors + name: V + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: symeig + operator_name: symeig + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::symeig(Tensor self, bool eigenvectors=False, bool upper=True) -> (Tensor eigenvalues, Tensor eigenvectors) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: eigenvectors + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: upper + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: eigenvectors + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: upper + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: eigenvalues + name: eigenvalues + type: at::Tensor + - dynamic_type: at::Tensor + field_name: eigenvectors + name: eigenvectors_return + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _symeig_helper + operator_name: _symeig_helper + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_symeig_helper(Tensor self, bool eigenvectors, bool upper) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: eigenvectors + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: upper + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: eigenvectors + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: upper + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: eig_out + operator_name: eig + overload_name: e + manual_kernel_registration: false + category_override: '' + schema_string: aten::eig.e(Tensor self, bool eigenvectors=False, *, Tensor(a!) e, Tensor(b!) v) -> (Tensor(a!) eigenvalues, Tensor(b!) eigenvectors) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: eigenvalues + is_nullable: false + name: e + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: eigenvectors + is_nullable: false + name: v + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: eigenvectors + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: eigenvectors + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: eigenvalues + is_nullable: false + name: e + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: eigenvectors + is_nullable: false + name: v + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: eigenvalues + name: e + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: eigenvectors + name: v + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: eig + operator_name: eig + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::eig(Tensor self, bool eigenvectors=False) -> (Tensor eigenvalues, Tensor eigenvectors) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: eigenvectors + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: eigenvectors + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: eigenvalues + name: eigenvalues + type: at::Tensor + - dynamic_type: at::Tensor + field_name: eigenvectors + name: eigenvectors_return + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: svd_out + operator_name: svd + overload_name: U + manual_kernel_registration: false + category_override: '' + schema_string: aten::svd.U(Tensor self, bool some=True, bool compute_uv=True, *, Tensor(a!) U, Tensor(b!) S, Tensor(c!) V) -> (Tensor(a!) U, Tensor(b!) S, Tensor(c!) V) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: U + is_nullable: false + name: U + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: S + is_nullable: false + name: S + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + field_name: V + is_nullable: false + name: V + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: some + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: compute_uv + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, bool, at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: some + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: compute_uv + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: U + is_nullable: false + name: U + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: S + is_nullable: false + name: S + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + field_name: V + is_nullable: false + name: V + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: U + name: U + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: S + name: S + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: V + name: V + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: svd + operator_name: svd + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::svd(Tensor self, bool some=True, bool compute_uv=True) -> (Tensor U, Tensor S, Tensor V) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: some + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: compute_uv + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: some + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: compute_uv + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: U + name: U + type: at::Tensor + - dynamic_type: at::Tensor + field_name: S + name: S + type: at::Tensor + - dynamic_type: at::Tensor + field_name: V + name: V + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _svd_helper + operator_name: _svd_helper + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_svd_helper(Tensor self, bool some, bool compute_uv) -> (Tensor U, Tensor S, Tensor V) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: some + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: compute_uv + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: some + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: compute_uv + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: U + name: U + type: at::Tensor + - dynamic_type: at::Tensor + field_name: S + name: S + type: at::Tensor + - dynamic_type: at::Tensor + field_name: V + name: V + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: swapaxes + operator_name: swapaxes + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::swapaxes(Tensor(a) self, int axis0, int axis1) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis1 + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis1 + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: swapaxes_ + operator_name: swapaxes_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::swapaxes_(Tensor(a!) self, int axis0, int axis1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis1 + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: axis1 + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: swapdims + operator_name: swapdims + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::swapdims(Tensor(a) self, int dim0, int dim1) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: swapdims_ + operator_name: swapdims_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::swapdims_(Tensor(a!) self, int dim0, int dim1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim0 + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim1 + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: cholesky_out + operator_name: cholesky + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cholesky.out(Tensor self, bool upper=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: upper + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: upper + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cholesky + operator_name: cholesky + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cholesky(Tensor self, bool upper=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: upper + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: upper + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cholesky_solve_out + operator_name: cholesky_solve + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cholesky_solve.out(Tensor self, Tensor input2, bool upper=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: upper + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: upper + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cholesky_solve + operator_name: cholesky_solve + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cholesky_solve(Tensor self, Tensor input2, bool upper=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: upper + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: upper + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _cholesky_solve_helper + operator_name: _cholesky_solve_helper + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cholesky_solve_helper(Tensor self, Tensor A, bool upper) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: upper + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: false + name: upper + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: solve + operator_name: solve + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::solve(Tensor self, Tensor A) -> (Tensor solution, Tensor LU) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: solution + name: solution + type: at::Tensor + - dynamic_type: at::Tensor + field_name: LU + name: LU + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: solve_out + operator_name: solve + overload_name: solution + manual_kernel_registration: false + category_override: '' + schema_string: aten::solve.solution(Tensor self, Tensor A, *, Tensor(a!) solution, Tensor(b!) lu) -> (Tensor(a!) solution, Tensor(b!) LU) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: solution + is_nullable: false + name: solution + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: LU + is_nullable: false + name: lu + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: solution + is_nullable: false + name: solution + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: LU + is_nullable: false + name: lu + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: solution + name: solution + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: LU + name: lu + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _solve_helper + operator_name: _solve_helper + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_solve_helper(Tensor self, Tensor A) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: A + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cholesky_inverse + operator_name: cholesky_inverse + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::cholesky_inverse(Tensor self, bool upper=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: upper + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: upper + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: cholesky_inverse_out + operator_name: cholesky_inverse + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::cholesky_inverse.out(Tensor self, bool upper=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: upper + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: upper + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: qr_out + operator_name: qr + overload_name: Q + manual_kernel_registration: false + category_override: '' + schema_string: aten::qr.Q(Tensor self, bool some=True, *, Tensor(a!) Q, Tensor(b!) R) -> (Tensor(a!) Q, Tensor(b!) R) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: Q + is_nullable: false + name: Q + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: R + is_nullable: false + name: R + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: some + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: some + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: Q + is_nullable: false + name: Q + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: R + is_nullable: false + name: R + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: Q + name: Q + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: R + name: R + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: qr + operator_name: qr + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::qr(Tensor self, bool some=True) -> (Tensor Q, Tensor R) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: some + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: some + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: Q + name: Q + type: at::Tensor + - dynamic_type: at::Tensor + field_name: R + name: R + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: geqrf_out + operator_name: geqrf + overload_name: a + manual_kernel_registration: false + category_override: '' + schema_string: aten::geqrf.a(Tensor self, *, Tensor(a!) a, Tensor(b!) tau) -> (Tensor(a!) a, Tensor(b!) tau) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: a + is_nullable: false + name: a + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: tau + is_nullable: false + name: tau + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: a + is_nullable: false + name: a + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: tau + is_nullable: false + name: tau + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: a + name: a + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: tau + name: tau + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: geqrf + operator_name: geqrf + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::geqrf(Tensor self) -> (Tensor a, Tensor tau) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: a + name: a + type: at::Tensor + - dynamic_type: at::Tensor + field_name: tau + name: tau + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: orgqr + operator_name: orgqr + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::orgqr(Tensor self, Tensor input2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: orgqr_out + operator_name: orgqr + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::orgqr.out(Tensor self, Tensor input2, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: ormqr_out + operator_name: ormqr + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::ormqr.out(Tensor self, Tensor input2, Tensor input3, bool left=True, bool transpose=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input3 + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: left + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: transpose + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, bool, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input3 + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: left + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: transpose + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: ormqr + operator_name: ormqr + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::ormqr(Tensor self, Tensor input2, Tensor input3, bool left=True, bool transpose=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input3 + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: left + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: transpose + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input2 + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input3 + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: left + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: transpose + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _lu_with_info + operator_name: _lu_with_info + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_lu_with_info(Tensor self, bool pivot=True, bool check_errors=True) -> (Tensor LU, Tensor pivots, Tensor info) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: pivot + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: check_errors + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: pivot + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: check_errors + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: LU + name: LU + type: at::Tensor + - dynamic_type: at::Tensor + field_name: pivots + name: pivots + type: at::Tensor + - dynamic_type: at::Tensor + field_name: info + name: info + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lu_solve_out + operator_name: lu_solve + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::lu_solve.out(Tensor self, Tensor LU_data, Tensor LU_pivots, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_pivots + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_pivots + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lu_solve + operator_name: lu_solve + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::lu_solve(Tensor self, Tensor LU_data, Tensor LU_pivots) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_pivots + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_pivots + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lu_unpack + operator_name: lu_unpack + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::lu_unpack(Tensor LU_data, Tensor LU_pivots, bool unpack_data=True, bool unpack_pivots=True) -> (Tensor P, Tensor L, Tensor U) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_pivots + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unpack_data + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unpack_pivots + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_pivots + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unpack_data + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unpack_pivots + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: P + name: P + type: at::Tensor + - dynamic_type: at::Tensor + field_name: L + name: L + type: at::Tensor + - dynamic_type: at::Tensor + field_name: U + name: U + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lu_unpack_out + operator_name: lu_unpack + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::lu_unpack.out(Tensor LU_data, Tensor LU_pivots, bool unpack_data=True, bool unpack_pivots=True, *, Tensor(a!) P, Tensor(b!) L, Tensor(c!) U) -> (Tensor(a!) P, Tensor(b!) L, Tensor(c!) U) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: P + is_nullable: false + name: P + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: L + is_nullable: false + name: L + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + field_name: U + is_nullable: false + name: U + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_pivots + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unpack_data + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unpack_pivots + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, bool, bool, at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_data + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: LU_pivots + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unpack_data + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: unpack_pivots + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: P + is_nullable: false + name: P + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: L + is_nullable: false + name: L + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + field_name: U + is_nullable: false + name: U + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: P + name: P + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: L + name: L + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: U + name: U + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: multinomial_out + operator_name: multinomial + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::multinomial.out(Tensor self, int num_samples, bool replacement=False, *, Generator? generator=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_samples + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: replacement + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_samples + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: replacement + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: multinomial + operator_name: multinomial + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::multinomial(Tensor self, int num_samples, bool replacement=False, *, Generator? generator=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_samples + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: replacement + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: num_samples + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: replacement + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lgamma_out + operator_name: lgamma + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::lgamma.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lgamma_ + operator_name: lgamma_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::lgamma_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lgamma + operator_name: lgamma + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::lgamma(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: digamma_out + operator_name: digamma + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::digamma.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: digamma + operator_name: digamma + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::digamma(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: polygamma_out + operator_name: polygamma + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::polygamma.out(int n, Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (int64_t, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: polygamma + operator_name: polygamma + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::polygamma(int n, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (int64_t, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: polygamma_ + operator_name: polygamma_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::polygamma_(Tensor(a!) self, int n) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: erfinv + operator_name: erfinv + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::erfinv(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: erfinv_ + operator_name: erfinv_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::erfinv_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: erfinv_out + operator_name: erfinv + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::erfinv.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: i0 + operator_name: i0 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::i0(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: i0_ + operator_name: i0_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::i0_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: i0_out + operator_name: i0 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::i0.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sign + operator_name: sign + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sign(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sign_ + operator_name: sign_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sign_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sign_out + operator_name: sign + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::sign.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: signbit + operator_name: signbit + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::signbit(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: signbit_out + operator_name: signbit + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::signbit.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: dist + operator_name: dist + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::dist(Tensor self, Tensor other, Scalar p=2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: atan2_out + operator_name: atan2 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::atan2.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: atan2_ + operator_name: atan2_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::atan2_(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: atan2 + operator_name: atan2 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::atan2(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lerp_out + operator_name: lerp + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::lerp.Scalar_out(Tensor self, Tensor end, Scalar weight, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: end + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: end + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lerp_out + operator_name: lerp + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::lerp.Tensor_out(Tensor self, Tensor end, Tensor weight, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: end + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: end + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lerp + operator_name: lerp + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::lerp.Scalar(Tensor self, Tensor end, Scalar weight) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: end + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: end + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: weight + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: lerp + operator_name: lerp + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::lerp.Tensor(Tensor self, Tensor end, Tensor weight) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: end + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: end + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: histc_out + operator_name: histc + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::histc.out(Tensor self, int bins=100, Scalar min=0, Scalar max=0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 100 + dynamic_type: int64_t + is_nullable: false + name: bins + type: int64_t + - annotation: null + default: 0 + dynamic_type: const at::Scalar & + is_nullable: false + name: min + type: const at::Scalar & + - annotation: null + default: 0 + dynamic_type: const at::Scalar & + is_nullable: false + name: max + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 100 + dynamic_type: int64_t + is_nullable: false + name: bins + type: int64_t + - annotation: null + default: 0 + dynamic_type: const at::Scalar & + is_nullable: false + name: min + type: const at::Scalar & + - annotation: null + default: 0 + dynamic_type: const at::Scalar & + is_nullable: false + name: max + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: histc + operator_name: histc + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::histc(Tensor self, int bins=100, Scalar min=0, Scalar max=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 100 + dynamic_type: int64_t + is_nullable: false + name: bins + type: int64_t + - annotation: null + default: 0 + dynamic_type: const at::Scalar & + is_nullable: false + name: min + type: const at::Scalar & + - annotation: null + default: 0 + dynamic_type: const at::Scalar & + is_nullable: false + name: max + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 100 + dynamic_type: int64_t + is_nullable: false + name: bins + type: int64_t + - annotation: null + default: 0 + dynamic_type: const at::Scalar & + is_nullable: false + name: min + type: const at::Scalar & + - annotation: null + default: 0 + dynamic_type: const at::Scalar & + is_nullable: false + name: max + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: histogram_out + operator_name: histogram + overload_name: bins_tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::histogram.bins_tensor_out(Tensor self, Tensor bins, *, Tensor? weight=None, bool density=False, Tensor(a!) hist, Tensor(b!) bin_edges) -> (Tensor(a!) hist, Tensor(b!) bin_edges) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: hist + is_nullable: false + name: hist + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: bin_edges + is_nullable: false + name: bin_edges + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bins + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: weight + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: density + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const c10::optional &, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bins + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: weight + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: density + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: hist + is_nullable: false + name: hist + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: bin_edges + is_nullable: false + name: bin_edges + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: hist + name: hist + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: bin_edges + name: bin_edges + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: histogram + operator_name: histogram + overload_name: bins_tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::histogram.bins_tensor(Tensor self, Tensor bins, *, Tensor? weight=None, bool density=False) -> (Tensor hist, Tensor bin_edges) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bins + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: weight + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: density + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const c10::optional &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: bins + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: weight + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: density + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: hist + name: hist + type: at::Tensor + - dynamic_type: at::Tensor + field_name: bin_edges + name: bin_edges + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: histogram_out + operator_name: histogram + overload_name: bin_ct_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::histogram.bin_ct_out(Tensor self, int bins=100, *, float[]? range=None, Tensor? weight=None, bool density=False, Tensor(a!) hist, Tensor(b!) bin_edges) -> (Tensor(a!) hist, Tensor(b!) bin_edges) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: hist + is_nullable: false + name: hist + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: bin_edges + is_nullable: false + name: bin_edges + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 100 + dynamic_type: int64_t + is_nullable: false + name: bins + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ArrayRef + is_nullable: true + kwarg_only: true + name: range + type: c10::optional> + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: weight + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: density + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, c10::optional>, const c10::optional &, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 100 + dynamic_type: int64_t + is_nullable: false + name: bins + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ArrayRef + is_nullable: true + kwarg_only: true + name: range + type: c10::optional> + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: weight + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: density + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: hist + is_nullable: false + name: hist + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: bin_edges + is_nullable: false + name: bin_edges + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: hist + name: hist + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: bin_edges + name: bin_edges + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: histogram + operator_name: histogram + overload_name: bin_ct + manual_kernel_registration: false + category_override: '' + schema_string: aten::histogram.bin_ct(Tensor self, int bins=100, *, float[]? range=None, Tensor? weight=None, bool density=False) -> (Tensor hist, Tensor bin_edges) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 100 + dynamic_type: int64_t + is_nullable: false + name: bins + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ArrayRef + is_nullable: true + kwarg_only: true + name: range + type: c10::optional> + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: weight + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: density + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, c10::optional>, const c10::optional &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 100 + dynamic_type: int64_t + is_nullable: false + name: bins + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ArrayRef + is_nullable: true + kwarg_only: true + name: range + type: c10::optional> + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: weight + type: const c10::optional & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: density + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: hist + name: hist + type: at::Tensor + - dynamic_type: at::Tensor + field_name: bin_edges + name: bin_edges + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fmod_out + operator_name: fmod + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fmod.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fmod + operator_name: fmod + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::fmod.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fmod_ + operator_name: fmod_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::fmod_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fmod_out + operator_name: fmod + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fmod.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fmod + operator_name: fmod + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::fmod.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fmod_ + operator_name: fmod_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::fmod_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hypot_out + operator_name: hypot + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::hypot.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hypot + operator_name: hypot + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hypot(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hypot_ + operator_name: hypot_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hypot_(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: igamma_out + operator_name: igamma + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::igamma.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: igamma + operator_name: igamma + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::igamma(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: igamma_ + operator_name: igamma_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::igamma_(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: igammac_out + operator_name: igammac + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::igammac.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: igammac + operator_name: igammac + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::igammac(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: igammac_ + operator_name: igammac_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::igammac_(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nextafter_out + operator_name: nextafter + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::nextafter.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nextafter + operator_name: nextafter + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nextafter(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nextafter_ + operator_name: nextafter_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nextafter_(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: remainder_out + operator_name: remainder + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::remainder.Scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: remainder + operator_name: remainder + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::remainder.Scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: remainder_ + operator_name: remainder_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::remainder_.Scalar(Tensor(a!) self, Scalar other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: remainder_out + operator_name: remainder + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::remainder.Tensor_out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: remainder + operator_name: remainder + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::remainder.Tensor(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: remainder_ + operator_name: remainder_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::remainder_.Tensor(Tensor(a!) self, Tensor other) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: remainder + operator_name: remainder + overload_name: Scalar_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::remainder.Scalar_Tensor(Scalar self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: min + operator_name: min + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::min(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fmin + operator_name: fmin + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fmin(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fmin_out + operator_name: fmin + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fmin.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max + operator_name: max + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::max(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fmax + operator_name: fmax + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fmax(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fmax_out + operator_name: fmax + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fmax.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: maximum + operator_name: maximum + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::maximum(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: maximum_out + operator_name: maximum + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::maximum.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max + operator_name: max + overload_name: other + manual_kernel_registration: false + category_override: '' + schema_string: aten::max.other(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: max_out + operator_name: max + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::max.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: minimum + operator_name: minimum + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::minimum(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: minimum_out + operator_name: minimum + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::minimum.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: min_out + operator_name: min + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::min.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: min + operator_name: min + overload_name: other + manual_kernel_registration: false + category_override: '' + schema_string: aten::min.other(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantile_out + operator_name: quantile + overload_name: scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantile.scalar_out(Tensor self, float q, int? dim=None, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, double, c10::optional, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantile + operator_name: quantile + overload_name: scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantile.scalar(Tensor self, float q, int? dim=None, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantile_out + operator_name: quantile + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantile.out(Tensor self, Tensor q, int? dim=None, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, c10::optional, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantile + operator_name: quantile + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantile(Tensor self, Tensor q, int? dim=None, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nanquantile_out + operator_name: nanquantile + overload_name: scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanquantile.scalar_out(Tensor self, float q, int? dim=None, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, double, c10::optional, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nanquantile + operator_name: nanquantile + overload_name: scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanquantile.scalar(Tensor self, float q, int? dim=None, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nanquantile_out + operator_name: nanquantile + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanquantile.out(Tensor self, Tensor q, int? dim=None, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, c10::optional, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nanquantile + operator_name: nanquantile + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanquantile(Tensor self, Tensor q, int? dim=None, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantile_out + operator_name: quantile + overload_name: new_scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantile.new_scalar_out(Tensor self, float q, int? dim, bool keepdim, *, str interpolation, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, double, c10::optional, bool, c10::string_view, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantile + operator_name: quantile + overload_name: new_scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantile.new_scalar(Tensor self, float q, int? dim, bool keepdim, *, str interpolation) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, c10::optional, bool, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantile_out + operator_name: quantile + overload_name: new_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantile.new_out(Tensor self, Tensor q, int? dim, bool keepdim, *, str interpolation, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, c10::optional, bool, c10::string_view, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: quantile + operator_name: quantile + overload_name: new + manual_kernel_registration: false + category_override: '' + schema_string: aten::quantile.new(Tensor self, Tensor q, int? dim, bool keepdim, *, str interpolation) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional, bool, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nanquantile_out + operator_name: nanquantile + overload_name: new_scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanquantile.new_scalar_out(Tensor self, float q, int? dim, bool keepdim, *, str interpolation, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, double, c10::optional, bool, c10::string_view, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nanquantile + operator_name: nanquantile + overload_name: new_scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanquantile.new_scalar(Tensor self, float q, int? dim, bool keepdim, *, str interpolation) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, c10::optional, bool, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: q + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nanquantile_out + operator_name: nanquantile + overload_name: new_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanquantile.new_out(Tensor self, Tensor q, int? dim, bool keepdim, *, str interpolation, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, c10::optional, bool, c10::string_view, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nanquantile + operator_name: nanquantile + overload_name: new + manual_kernel_registration: false + category_override: '' + schema_string: aten::nanquantile.new(Tensor self, Tensor q, int? dim, bool keepdim, *, str interpolation) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional, bool, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: q + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: dim + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + kwarg_only: true + name: interpolation + type: c10::string_view + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: sort_out + operator_name: sort + overload_name: values + manual_kernel_registration: false + category_override: '' + schema_string: aten::sort.values(Tensor self, int dim=-1, bool descending=False, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: descending + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: descending + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sort_out + operator_name: sort + overload_name: values_stable + manual_kernel_registration: false + category_override: '' + schema_string: aten::sort.values_stable(Tensor self, *, bool? stable, int dim=-1, bool descending=False, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: stable + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: descending + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, c10::optional, int64_t, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: stable + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: descending + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sort + operator_name: sort + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sort(Tensor self, int dim=-1, bool descending=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: descending + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: descending + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sort + operator_name: sort + overload_name: stable + manual_kernel_registration: false + category_override: '' + schema_string: aten::sort.stable(Tensor self, *, bool? stable, int dim=-1, bool descending=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: stable + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: descending + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, c10::optional, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: stable + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: descending + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sort_out + operator_name: sort + overload_name: dimname_values + manual_kernel_registration: false + category_override: '' + schema_string: aten::sort.dimname_values(Tensor self, Dimname dim, bool descending=False, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: descending + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: descending + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: sort_out + operator_name: sort + overload_name: dimname_values_stable + manual_kernel_registration: false + category_override: '' + schema_string: aten::sort.dimname_values_stable(Tensor self, *, bool? stable, Dimname dim, bool descending=False, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: stable + type: c10::optional + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + kwarg_only: true + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: descending + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, c10::optional, at::Dimname, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: stable + type: c10::optional + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + kwarg_only: true + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: descending + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: sort + operator_name: sort + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::sort.dimname(Tensor self, Dimname dim, bool descending=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: descending + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Dimname, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: descending + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: sort + operator_name: sort + overload_name: dimname_stable + manual_kernel_registration: false + category_override: '' + schema_string: aten::sort.dimname_stable(Tensor self, *, bool? stable, Dimname dim, bool descending=False) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: stable + type: c10::optional + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + kwarg_only: true + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: descending + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, c10::optional, at::Dimname, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: stable + type: c10::optional + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + kwarg_only: true + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: descending + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: msort_out + operator_name: msort + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::msort.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: msort + operator_name: msort + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::msort(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: argsort + operator_name: argsort + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::argsort(Tensor self, int dim=-1, bool descending=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: descending + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: descending + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: argsort + operator_name: argsort + overload_name: dimname + manual_kernel_registration: false + category_override: '' + schema_string: aten::argsort.dimname(Tensor self, Dimname dim, bool descending=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: descending + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::Dimname, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Dimname + is_nullable: false + name: dim + type: at::Dimname + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: descending + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: topk_out + operator_name: topk + overload_name: values + manual_kernel_registration: false + category_override: '' + schema_string: aten::topk.values(Tensor self, int k, int dim=-1, bool largest=True, bool sorted=True, *, Tensor(a!) values, Tensor(b!) indices) -> (Tensor(a!) values, Tensor(b!) indices) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: largest + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: sorted + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, int64_t, bool, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: largest + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: sorted + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: values + is_nullable: false + name: values + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: indices + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: topk + operator_name: topk + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::topk(Tensor self, int k, int dim=-1, bool largest=True, bool sorted=True) -> (Tensor values, Tensor indices) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: largest + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: sorted + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, int64_t, int64_t, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: k + type: int64_t + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: largest + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: sorted + type: bool + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: values + name: values + type: at::Tensor + - dynamic_type: at::Tensor + field_name: indices + name: indices + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: all + operator_name: all + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::all(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: all_out + operator_name: all + overload_name: all_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::all.all_out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: any + operator_name: any + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::any(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: any_out + operator_name: any + overload_name: all_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::any.all_out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: renorm_out + operator_name: renorm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::renorm.out(Tensor self, Scalar p, int dim, Scalar maxnorm, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: maxnorm + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, int64_t, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: maxnorm + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: renorm + operator_name: renorm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::renorm(Tensor self, Scalar p, int dim, Scalar maxnorm) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: maxnorm + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, int64_t, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: maxnorm + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: renorm_ + operator_name: renorm_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::renorm_(Tensor(a!) self, Scalar p, int dim, Scalar maxnorm) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: maxnorm + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &, int64_t, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: maxnorm + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: unfold + operator_name: unfold + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::unfold(Tensor(a) self, int dimension, int size, int step) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dimension + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: step + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dimension + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: step + type: int64_t + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: false +- name: unfold_backward + operator_name: unfold_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::unfold_backward(Tensor grad_in, int[] input_sizes, int dim, int size, int step) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_in + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: step + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_in + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_sizes + type: at::IntArrayRef + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: step + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: equal + operator_name: equal + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::equal(Tensor self, Tensor other) -> bool + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: bool (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: bool + name: result + type: bool + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: pow_out + operator_name: pow + overload_name: Tensor_Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::pow.Tensor_Tensor_out(Tensor self, Tensor exponent, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: pow + operator_name: pow + overload_name: Tensor_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::pow.Tensor_Tensor(Tensor self, Tensor exponent) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: pow_out + operator_name: pow + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::pow.Scalar_out(Scalar self, Tensor exponent, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Scalar &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: pow + operator_name: pow + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::pow.Scalar(Scalar self, Tensor exponent) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: pow_out + operator_name: pow + overload_name: Tensor_Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::pow.Tensor_Scalar_out(Tensor self, Scalar exponent, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: exponent + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: exponent + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: pow + operator_name: pow + overload_name: Tensor_Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::pow.Tensor_Scalar(Tensor self, Scalar exponent) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: exponent + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: exponent + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: pow_ + operator_name: pow_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::pow_.Scalar(Tensor(a!) self, Scalar exponent) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: exponent + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: exponent + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: pow_ + operator_name: pow_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::pow_.Tensor(Tensor(a!) self, Tensor exponent) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: float_power_out + operator_name: float_power + overload_name: Tensor_Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::float_power.Tensor_Tensor_out(Tensor self, Tensor exponent, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: float_power + operator_name: float_power + overload_name: Tensor_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::float_power.Tensor_Tensor(Tensor self, Tensor exponent) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: float_power_out + operator_name: float_power + overload_name: Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::float_power.Scalar_out(Scalar self, Tensor exponent, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Scalar &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: float_power + operator_name: float_power + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::float_power.Scalar(Scalar self, Tensor exponent) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: float_power_out + operator_name: float_power + overload_name: Tensor_Scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::float_power.Tensor_Scalar_out(Tensor self, Scalar exponent, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: exponent + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: exponent + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: float_power + operator_name: float_power + overload_name: Tensor_Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::float_power.Tensor_Scalar(Tensor self, Scalar exponent) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: exponent + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: exponent + type: const at::Scalar & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: float_power_ + operator_name: float_power_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::float_power_.Scalar(Tensor(a!) self, Scalar exponent) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: exponent + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: exponent + type: const at::Scalar & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: float_power_ + operator_name: float_power_ + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::float_power_.Tensor(Tensor(a!) self, Tensor exponent) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: exponent + type: const at::Tensor & + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: normal_ + operator_name: normal_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::normal_(Tensor(a!) self, float mean=0, float std=1, *, Generator? generator=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0 + dynamic_type: double + is_nullable: false + name: mean + type: double + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: std + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, double, double, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0 + dynamic_type: double + is_nullable: false + name: mean + type: double + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: std + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: normal_out + operator_name: normal + overload_name: Tensor_float_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::normal.Tensor_float_out(Tensor mean, float std=1, *, Generator? generator=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: std + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, double, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: std + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: normal + operator_name: normal + overload_name: Tensor_float + manual_kernel_registration: false + category_override: '' + schema_string: aten::normal.Tensor_float(Tensor mean, float std=1, *, Generator? generator=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: std + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: double + is_nullable: false + name: std + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: normal_out + operator_name: normal + overload_name: float_Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::normal.float_Tensor_out(float mean, Tensor std, *, Generator? generator=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: mean + type: double + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: std + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (double, const at::Tensor &, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: double + is_nullable: false + name: mean + type: double + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: std + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: normal + operator_name: normal + overload_name: float_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::normal.float_Tensor(float mean, Tensor std, *, Generator? generator=None) -> Tensor + arguments: + - annotation: null + dynamic_type: double + is_nullable: false + name: mean + type: double + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: std + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor (double, const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: double + is_nullable: false + name: mean + type: double + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: std + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: normal_out + operator_name: normal + overload_name: Tensor_Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::normal.Tensor_Tensor_out(Tensor mean, Tensor std, *, Generator? generator=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: std + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: std + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: normal + operator_name: normal + overload_name: Tensor_Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::normal.Tensor_Tensor(Tensor mean, Tensor std, *, Generator? generator=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: std + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: mean + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: std + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: normal + operator_name: normal + overload_name: float_float + manual_kernel_registration: false + category_override: '' + schema_string: aten::normal.float_float(float mean, float std, int[] size, *, Generator? generator=None, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: double + is_nullable: false + name: mean + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: std + type: double + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (double, double, at::IntArrayRef, c10::optional, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: double + is_nullable: false + name: mean + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: std + type: double + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: normal_out + operator_name: normal + overload_name: float_float_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::normal.float_float_out(float mean, float std, int[] size, *, Generator? generator=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: mean + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: std + type: double + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (double, double, at::IntArrayRef, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: double + is_nullable: false + name: mean + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: std + type: double + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: size + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + kwarg_only: true + name: generator + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: alias + operator_name: alias + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::alias(Tensor(a) self) -> Tensor(a) + arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: a + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _index_copy_ + operator_name: _index_copy_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_index_copy_(Tensor(a!) self, int dim, Tensor index, Tensor source) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, int64_t, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: index + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: source + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _amp_foreach_non_finite_check_and_unscale_ + operator_name: _amp_foreach_non_finite_check_and_unscale_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_amp_foreach_non_finite_check_and_unscale_(Tensor(a!)[] self, Tensor(b!) found_inf, Tensor inv_scale) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: found_inf + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: inv_scale + type: const at::Tensor & + schema_order_cpp_signature: void (at::TensorList, at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: found_inf + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: inv_scale + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _amp_update_scale_ + operator_name: _amp_update_scale_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_amp_update_scale_(Tensor(a!) self, Tensor(b!) growth_tracker, Tensor found_inf, float scale_growth_factor, float scale_backoff_factor, int growth_interval) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: growth_tracker + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: found_inf + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: scale_growth_factor + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: scale_backoff_factor + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: growth_interval + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::Tensor &, at::Tensor &, const at::Tensor &, double, double, int64_t) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: growth_tracker + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: found_inf + type: const at::Tensor & + - annotation: null + dynamic_type: double + is_nullable: false + name: scale_growth_factor + type: double + - annotation: null + dynamic_type: double + is_nullable: false + name: scale_backoff_factor + type: double + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: growth_interval + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _cat + operator_name: _cat + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cat(Tensor[] tensors, int dim=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (at::TensorList, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _cat_out + operator_name: _cat + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_cat.out(Tensor[] tensors, int dim=0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor & (at::TensorList, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_add + operator_name: _foreach_add + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_add.Scalar(Tensor[] tensors, Scalar scalar) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + schema_order_cpp_signature: ::std::vector (at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_add_ + operator_name: _foreach_add_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_add_.Scalar(Tensor(a!)[] self, Scalar scalar) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + schema_order_cpp_signature: void (at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sub + operator_name: _foreach_sub + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sub.Scalar(Tensor[] tensors, Scalar scalar) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + schema_order_cpp_signature: ::std::vector (at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sub_ + operator_name: _foreach_sub_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sub_.Scalar(Tensor(a!)[] self, Scalar scalar) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + schema_order_cpp_signature: void (at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_mul + operator_name: _foreach_mul + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_mul.Scalar(Tensor[] tensors, Scalar scalar) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + schema_order_cpp_signature: ::std::vector (at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_mul_ + operator_name: _foreach_mul_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_mul_.Scalar(Tensor(a!)[] self, Scalar scalar) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + schema_order_cpp_signature: void (at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_div + operator_name: _foreach_div + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_div.Scalar(Tensor[] tensors, Scalar scalar) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + schema_order_cpp_signature: ::std::vector (at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_div_ + operator_name: _foreach_div_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_div_.Scalar(Tensor(a!)[] self, Scalar scalar) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + schema_order_cpp_signature: void (at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scalar + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_add + operator_name: _foreach_add + overload_name: List + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_add.List(Tensor[] tensors1, Tensor[] tensors2, *, Scalar alpha=1) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors2 + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: ::std::vector (at::TensorList, at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors2 + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_add_ + operator_name: _foreach_add_ + overload_name: List + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_add_.List(Tensor(a!)[] self, Tensor[] other, *, Scalar alpha=1) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: other + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: void (at::TensorList, at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: other + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sub + operator_name: _foreach_sub + overload_name: List + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sub.List(Tensor[] tensors1, Tensor[] tensors2, *, Scalar alpha=1) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors2 + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: ::std::vector (at::TensorList, at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors2 + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sub_ + operator_name: _foreach_sub_ + overload_name: List + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sub_.List(Tensor(a!)[] self, Tensor[] other, *, Scalar alpha=1) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: other + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: void (at::TensorList, at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: other + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + kwarg_only: true + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_mul + operator_name: _foreach_mul + overload_name: List + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_mul.List(Tensor[] tensors1, Tensor[] tensors2) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors2 + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList, at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors2 + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_mul_ + operator_name: _foreach_mul_ + overload_name: List + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_mul_.List(Tensor(a!)[] self, Tensor[] other) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: other + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList, at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: other + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_div + operator_name: _foreach_div + overload_name: List + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_div.List(Tensor[] tensors1, Tensor[] tensors2) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors2 + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList, at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors2 + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_div_ + operator_name: _foreach_div_ + overload_name: List + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_div_.List(Tensor(a!)[] self, Tensor[] other) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: other + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList, at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: other + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_add + operator_name: _foreach_add + overload_name: ScalarList + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_add.ScalarList(Tensor[] tensors, Scalar[] scalars) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + schema_order_cpp_signature: ::std::vector (at::TensorList, at::ArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_add_ + operator_name: _foreach_add_ + overload_name: ScalarList + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_add_.ScalarList(Tensor(a!)[] self, Scalar[] scalars) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + schema_order_cpp_signature: void (at::TensorList, at::ArrayRef) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sub + operator_name: _foreach_sub + overload_name: ScalarList + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sub.ScalarList(Tensor[] tensors, Scalar[] scalars) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + schema_order_cpp_signature: ::std::vector (at::TensorList, at::ArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sub_ + operator_name: _foreach_sub_ + overload_name: ScalarList + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sub_.ScalarList(Tensor(a!)[] self, Scalar[] scalars) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + schema_order_cpp_signature: void (at::TensorList, at::ArrayRef) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_div + operator_name: _foreach_div + overload_name: ScalarList + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_div.ScalarList(Tensor[] tensors, Scalar[] scalars) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + schema_order_cpp_signature: ::std::vector (at::TensorList, at::ArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_div_ + operator_name: _foreach_div_ + overload_name: ScalarList + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_div_.ScalarList(Tensor(a!)[] self, Scalar[] scalars) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + schema_order_cpp_signature: void (at::TensorList, at::ArrayRef) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_mul + operator_name: _foreach_mul + overload_name: ScalarList + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_mul.ScalarList(Tensor[] tensors, Scalar[] scalars) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + schema_order_cpp_signature: ::std::vector (at::TensorList, at::ArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_mul_ + operator_name: _foreach_mul_ + overload_name: ScalarList + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_mul_.ScalarList(Tensor(a!)[] self, Scalar[] scalars) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + schema_order_cpp_signature: void (at::TensorList, at::ArrayRef) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_exp + operator_name: _foreach_exp + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_exp(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_zero_ + operator_name: _foreach_zero_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_zero_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_exp_ + operator_name: _foreach_exp_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_exp_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sqrt + operator_name: _foreach_sqrt + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sqrt(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sqrt_ + operator_name: _foreach_sqrt_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sqrt_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_abs + operator_name: _foreach_abs + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_abs(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_abs_ + operator_name: _foreach_abs_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_abs_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_acos + operator_name: _foreach_acos + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_acos(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_acos_ + operator_name: _foreach_acos_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_acos_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_asin + operator_name: _foreach_asin + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_asin(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_asin_ + operator_name: _foreach_asin_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_asin_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_atan + operator_name: _foreach_atan + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_atan(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_atan_ + operator_name: _foreach_atan_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_atan_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_ceil + operator_name: _foreach_ceil + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_ceil(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_ceil_ + operator_name: _foreach_ceil_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_ceil_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_cos + operator_name: _foreach_cos + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_cos(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_cos_ + operator_name: _foreach_cos_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_cos_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_cosh + operator_name: _foreach_cosh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_cosh(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_cosh_ + operator_name: _foreach_cosh_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_cosh_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_erf + operator_name: _foreach_erf + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_erf(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_erf_ + operator_name: _foreach_erf_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_erf_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_erfc + operator_name: _foreach_erfc + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_erfc(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_erfc_ + operator_name: _foreach_erfc_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_erfc_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_expm1 + operator_name: _foreach_expm1 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_expm1(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_expm1_ + operator_name: _foreach_expm1_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_expm1_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_floor + operator_name: _foreach_floor + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_floor(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_floor_ + operator_name: _foreach_floor_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_floor_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_log + operator_name: _foreach_log + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_log(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_log_ + operator_name: _foreach_log_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_log_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_log10 + operator_name: _foreach_log10 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_log10(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_log10_ + operator_name: _foreach_log10_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_log10_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_log1p + operator_name: _foreach_log1p + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_log1p(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_log1p_ + operator_name: _foreach_log1p_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_log1p_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_log2 + operator_name: _foreach_log2 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_log2(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_log2_ + operator_name: _foreach_log2_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_log2_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_neg + operator_name: _foreach_neg + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_neg(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_neg_ + operator_name: _foreach_neg_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_neg_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_tan + operator_name: _foreach_tan + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_tan(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_tan_ + operator_name: _foreach_tan_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_tan_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_tanh + operator_name: _foreach_tanh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_tanh(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_tanh_ + operator_name: _foreach_tanh_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_tanh_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sin + operator_name: _foreach_sin + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sin(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sin_ + operator_name: _foreach_sin_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sin_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sinh + operator_name: _foreach_sinh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sinh(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sinh_ + operator_name: _foreach_sinh_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sinh_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_round + operator_name: _foreach_round + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_round(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_round_ + operator_name: _foreach_round_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_round_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_lgamma + operator_name: _foreach_lgamma + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_lgamma(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_lgamma_ + operator_name: _foreach_lgamma_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_lgamma_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_frac + operator_name: _foreach_frac + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_frac(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_frac_ + operator_name: _foreach_frac_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_frac_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_reciprocal + operator_name: _foreach_reciprocal + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_reciprocal(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_reciprocal_ + operator_name: _foreach_reciprocal_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_reciprocal_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sigmoid + operator_name: _foreach_sigmoid + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sigmoid(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_sigmoid_ + operator_name: _foreach_sigmoid_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_sigmoid_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_trunc + operator_name: _foreach_trunc + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_trunc(Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_trunc_ + operator_name: _foreach_trunc_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_trunc_(Tensor(a!)[] self) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + schema_order_cpp_signature: void (at::TensorList) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_addcdiv_ + operator_name: _foreach_addcdiv_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_addcdiv_.Scalar(Tensor(a!)[] self, Tensor[] tensor1, Tensor[] tensor2, Scalar value=1) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: void (at::TensorList, at::TensorList, at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_addcmul_ + operator_name: _foreach_addcmul_ + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_addcmul_.Scalar(Tensor(a!)[] self, Tensor[] tensor1, Tensor[] tensor2, Scalar value=1) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: void (at::TensorList, at::TensorList, at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_addcdiv_ + operator_name: _foreach_addcdiv_ + overload_name: ScalarList + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_addcdiv_.ScalarList(Tensor(a!)[] self, Tensor[] tensor1, Tensor[] tensor2, Scalar[] scalars) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + schema_order_cpp_signature: void (at::TensorList, at::TensorList, at::TensorList, at::ArrayRef) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_addcmul_ + operator_name: _foreach_addcmul_ + overload_name: ScalarList + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_addcmul_.ScalarList(Tensor(a!)[] self, Tensor[] tensor1, Tensor[] tensor2, Scalar[] scalars) -> () + arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + schema_order_cpp_signature: void (at::TensorList, at::TensorList, at::TensorList, at::ArrayRef) + schema_order_arguments: + - annotation: a! + dynamic_type: at::TensorList + is_nullable: false + name: self + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: [] + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_addcdiv + operator_name: _foreach_addcdiv + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_addcdiv.Scalar(Tensor[] input, Tensor[] tensor1, Tensor[] tensor2, Scalar value=1) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: input + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: ::std::vector (at::TensorList, at::TensorList, at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: input + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_addcmul + operator_name: _foreach_addcmul + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_addcmul.Scalar(Tensor[] input, Tensor[] tensor1, Tensor[] tensor2, Scalar value=1) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: input + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + schema_order_cpp_signature: ::std::vector (at::TensorList, at::TensorList, at::TensorList, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: input + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: value + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_addcdiv + operator_name: _foreach_addcdiv + overload_name: ScalarList + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_addcdiv.ScalarList(Tensor[] input, Tensor[] tensor1, Tensor[] tensor2, Scalar[] scalars) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: input + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + schema_order_cpp_signature: ::std::vector (at::TensorList, at::TensorList, at::TensorList, at::ArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: input + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_addcmul + operator_name: _foreach_addcmul + overload_name: ScalarList + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_addcmul.ScalarList(Tensor[] input, Tensor[] tensor1, Tensor[] tensor2, Scalar[] scalars) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: input + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + schema_order_cpp_signature: ::std::vector (at::TensorList, at::TensorList, at::TensorList, at::ArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: input + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensor2 + type: at::TensorList + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: false + name: scalars + type: at::ArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_maximum + operator_name: _foreach_maximum + overload_name: List + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_maximum.List(Tensor[] tensors1, Tensor[] tensors2) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors2 + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList, at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors2 + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _foreach_minimum + operator_name: _foreach_minimum + overload_name: List + manual_kernel_registration: false + category_override: '' + schema_string: aten::_foreach_minimum.List(Tensor[] tensors1, Tensor[] tensors2) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors2 + type: at::TensorList + schema_order_cpp_signature: ::std::vector (at::TensorList, at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors1 + type: at::TensorList + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors2 + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bucketize + operator_name: bucketize + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::bucketize.Tensor(Tensor self, Tensor boundaries, *, bool out_int32=False, bool right=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: boundaries + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: right + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: boundaries + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: right + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bucketize_out + operator_name: bucketize + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::bucketize.Tensor_out(Tensor self, Tensor boundaries, *, bool out_int32=False, bool right=False, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: boundaries + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: right + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, bool, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: boundaries + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: right + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: bucketize + operator_name: bucketize + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::bucketize.Scalar(Scalar self, Tensor boundaries, *, bool out_int32=False, bool right=False) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: boundaries + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: right + type: bool + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: boundaries + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: right + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: searchsorted + operator_name: searchsorted + overload_name: Tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::searchsorted.Tensor(Tensor sorted_sequence, Tensor self, *, bool out_int32=False, bool right=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sorted_sequence + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: right + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sorted_sequence + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: right + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: searchsorted_out + operator_name: searchsorted + overload_name: Tensor_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::searchsorted.Tensor_out(Tensor sorted_sequence, Tensor self, *, bool out_int32=False, bool right=False, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sorted_sequence + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: right + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, bool, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sorted_sequence + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: right + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: searchsorted + operator_name: searchsorted + overload_name: Scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::searchsorted.Scalar(Tensor sorted_sequence, Scalar self, *, bool out_int32=False, bool right=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sorted_sequence + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: right + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: sorted_sequence + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: right + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _convert_indices_from_coo_to_csr + operator_name: _convert_indices_from_coo_to_csr + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_convert_indices_from_coo_to_csr(Tensor self, int size, *, bool out_int32=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: size + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: size + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _convert_indices_from_coo_to_csr_out + operator_name: _convert_indices_from_coo_to_csr + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_convert_indices_from_coo_to_csr.out(Tensor self, int size, *, bool out_int32=False, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: size + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: size + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: out_int32 + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mse_loss_out + operator_name: mse_loss + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::mse_loss.out(Tensor self, Tensor target, int reduction=Mean, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mse_loss + operator_name: mse_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mse_loss(Tensor self, Tensor target, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mse_loss_backward_out + operator_name: mse_loss_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::mse_loss_backward.grad_input(Tensor grad_output, Tensor self, Tensor target, int reduction, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mse_loss_backward + operator_name: mse_loss_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mse_loss_backward(Tensor grad_output, Tensor self, Tensor target, int reduction) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: l1_loss_out + operator_name: l1_loss + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::l1_loss.out(Tensor self, Tensor target, int reduction=Mean, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: l1_loss + operator_name: l1_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::l1_loss(Tensor self, Tensor target, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: l1_loss_backward_out + operator_name: l1_loss_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::l1_loss_backward.grad_input(Tensor grad_output, Tensor self, Tensor target, int reduction, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: l1_loss_backward + operator_name: l1_loss_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::l1_loss_backward(Tensor grad_output, Tensor self, Tensor target, int reduction) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: multi_margin_loss_out + operator_name: multi_margin_loss + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::multi_margin_loss.out(Tensor self, Tensor target, Scalar p=1, Scalar margin=1, Tensor? weight=None, int reduction=Mean, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: margin + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, const c10::optional &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: margin + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: multi_margin_loss + operator_name: multi_margin_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::multi_margin_loss(Tensor self, Tensor target, Scalar p=1, Scalar margin=1, Tensor? weight=None, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: margin + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, const c10::optional &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: margin + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: multi_margin_loss_backward_out + operator_name: multi_margin_loss_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::multi_margin_loss_backward.grad_input(Tensor grad_output, Tensor self, Tensor target, Scalar p, Scalar margin, Tensor? weight=None, int reduction=Mean, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: margin + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, const c10::optional &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: margin + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: multi_margin_loss_backward + operator_name: multi_margin_loss_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::multi_margin_loss_backward(Tensor grad_output, Tensor self, Tensor target, Scalar p, Scalar margin, Tensor? weight=None, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: margin + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, const c10::optional &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: p + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: margin + type: const at::Scalar & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: multilabel_margin_loss_out + operator_name: multilabel_margin_loss + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::multilabel_margin_loss.out(Tensor self, Tensor target, int reduction=Mean, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: multilabel_margin_loss + operator_name: multilabel_margin_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::multilabel_margin_loss(Tensor self, Tensor target, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: multilabel_margin_loss_forward_out + operator_name: multilabel_margin_loss_forward + overload_name: output + manual_kernel_registration: false + category_override: '' + schema_string: aten::multilabel_margin_loss_forward.output(Tensor self, Tensor target, int reduction, *, Tensor(a!) output, Tensor(b!) is_target) -> (Tensor(a!), Tensor(b!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: is_target + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, int64_t, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: is_target + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: output + type: at::Tensor & + - dynamic_type: at::Tensor + name: is_target + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: multilabel_margin_loss_forward + operator_name: multilabel_margin_loss_forward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::multilabel_margin_loss_forward(Tensor self, Tensor target, int reduction) -> (Tensor output, Tensor is_target) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: output + name: output + type: at::Tensor + - dynamic_type: at::Tensor + field_name: is_target + name: is_target + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: multilabel_margin_loss_backward_out + operator_name: multilabel_margin_loss_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::multilabel_margin_loss_backward.grad_input(Tensor grad_output, Tensor self, Tensor target, int reduction, Tensor is_target, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: is_target + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: is_target + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: multilabel_margin_loss_backward + operator_name: multilabel_margin_loss_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::multilabel_margin_loss_backward(Tensor grad_output, Tensor self, Tensor target, int reduction, Tensor is_target) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: is_target + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: is_target + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nll_loss_out + operator_name: nll_loss + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::nll_loss.out(Tensor self, Tensor target, Tensor? weight=None, int reduction=Mean, int ignore_index=-100, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: -100 + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: -100 + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nll_loss_nd + operator_name: nll_loss_nd + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nll_loss_nd(Tensor self, Tensor target, Tensor? weight=None, int reduction=Mean, int ignore_index=-100) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: -100 + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: -100 + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nll_loss + operator_name: nll_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nll_loss(Tensor self, Tensor target, Tensor? weight=None, int reduction=Mean, int ignore_index=-100) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: -100 + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: -100 + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nll_loss_forward_out + operator_name: nll_loss_forward + overload_name: output + manual_kernel_registration: false + category_override: '' + schema_string: aten::nll_loss_forward.output(Tensor self, Tensor target, Tensor? weight, int reduction, int ignore_index, *, Tensor(a!) output, Tensor(b!) total_weight) -> (Tensor(a!), Tensor(b!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: total_weight + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: total_weight + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: output + type: at::Tensor & + - dynamic_type: at::Tensor + name: total_weight + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nll_loss_forward + operator_name: nll_loss_forward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nll_loss_forward(Tensor self, Tensor target, Tensor? weight, int reduction, int ignore_index) -> (Tensor output, Tensor total_weight) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: output + name: output + type: at::Tensor + - dynamic_type: at::Tensor + field_name: total_weight + name: total_weight + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nll_loss_backward_out + operator_name: nll_loss_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::nll_loss_backward.grad_input(Tensor grad_output, Tensor self, Tensor target, Tensor? weight, int reduction, int ignore_index, Tensor total_weight, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: total_weight + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: total_weight + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nll_loss_backward + operator_name: nll_loss_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nll_loss_backward(Tensor grad_output, Tensor self, Tensor target, Tensor? weight, int reduction, int ignore_index, Tensor total_weight) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: total_weight + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: total_weight + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nll_loss2d_out + operator_name: nll_loss2d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::nll_loss2d.out(Tensor self, Tensor target, Tensor? weight=None, int reduction=Mean, int ignore_index=-100, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: -100 + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: -100 + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nll_loss2d + operator_name: nll_loss2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nll_loss2d(Tensor self, Tensor target, Tensor? weight=None, int reduction=Mean, int ignore_index=-100) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: -100 + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: -100 + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: nll_loss2d_forward_out + operator_name: nll_loss2d_forward + overload_name: output + manual_kernel_registration: false + category_override: '' + schema_string: aten::nll_loss2d_forward.output(Tensor self, Tensor target, Tensor? weight, int reduction, int ignore_index, *, Tensor(a!) output, Tensor(b!) total_weight) -> (Tensor(a!), Tensor(b!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: total_weight + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: total_weight + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: output + type: at::Tensor & + - dynamic_type: at::Tensor + name: total_weight + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nll_loss2d_forward + operator_name: nll_loss2d_forward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nll_loss2d_forward(Tensor self, Tensor target, Tensor? weight, int reduction, int ignore_index) -> (Tensor output, Tensor total_weight) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: output + name: output + type: at::Tensor + - dynamic_type: at::Tensor + field_name: total_weight + name: total_weight + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nll_loss2d_backward_out + operator_name: nll_loss2d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::nll_loss2d_backward.grad_input(Tensor grad_output, Tensor self, Tensor target, Tensor? weight, int reduction, int ignore_index, Tensor total_weight, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: total_weight + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: total_weight + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: nll_loss2d_backward + operator_name: nll_loss2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::nll_loss2d_backward(Tensor grad_output, Tensor self, Tensor target, Tensor? weight, int reduction, int ignore_index, Tensor total_weight) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: total_weight + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const c10::optional &, int64_t, int64_t, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: weight + type: const c10::optional & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: ignore_index + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: total_weight + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: smooth_l1_loss_out + operator_name: smooth_l1_loss + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::smooth_l1_loss.out(Tensor self, Tensor target, int reduction=Mean, float beta=1.0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: beta + type: double + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, int64_t, double, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: beta + type: double + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: smooth_l1_loss + operator_name: smooth_l1_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::smooth_l1_loss(Tensor self, Tensor target, int reduction=Mean, float beta=1.0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: beta + type: double + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: beta + type: double + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: smooth_l1_loss_backward_out + operator_name: smooth_l1_loss_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::smooth_l1_loss_backward.grad_input(Tensor grad_output, Tensor self, Tensor target, int reduction, float beta, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: beta + type: double + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, double, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: beta + type: double + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: smooth_l1_loss_backward + operator_name: smooth_l1_loss_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::smooth_l1_loss_backward(Tensor grad_output, Tensor self, Tensor target, int reduction, float beta) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: beta + type: double + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: beta + type: double + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: huber_loss_out + operator_name: huber_loss + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::huber_loss.out(Tensor self, Tensor target, int reduction=Mean, float delta=1.0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: delta + type: double + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, int64_t, double, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: delta + type: double + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: huber_loss + operator_name: huber_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::huber_loss(Tensor self, Tensor target, int reduction=Mean, float delta=1.0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: delta + type: double + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: delta + type: double + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: huber_loss_backward_out + operator_name: huber_loss_backward + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::huber_loss_backward.out(Tensor grad_output, Tensor self, Tensor target, int reduction, float delta, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: delta + type: double + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, double, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: delta + type: double + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: huber_loss_backward + operator_name: huber_loss_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::huber_loss_backward(Tensor grad_output, Tensor self, Tensor target, int reduction, float delta) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: delta + type: double + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - annotation: null + dynamic_type: double + is_nullable: false + name: delta + type: double + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: soft_margin_loss_out + operator_name: soft_margin_loss + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::soft_margin_loss.out(Tensor self, Tensor target, int reduction=Mean, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: soft_margin_loss + operator_name: soft_margin_loss + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::soft_margin_loss(Tensor self, Tensor target, int reduction=Mean) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + default: at::Reduction::Mean + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: soft_margin_loss_backward_out + operator_name: soft_margin_loss_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::soft_margin_loss_backward.grad_input(Tensor grad_output, Tensor self, Tensor target, int reduction, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: soft_margin_loss_backward + operator_name: soft_margin_loss_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::soft_margin_loss_backward(Tensor grad_output, Tensor self, Tensor target, int reduction) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: target + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: reduction + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: elu_out + operator_name: elu + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::elu.out(Tensor self, Scalar alpha=1, Scalar scale=1, Scalar input_scale=1, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: scale + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: input_scale + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: scale + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: input_scale + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: elu + operator_name: elu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::elu(Tensor self, Scalar alpha=1, Scalar scale=1, Scalar input_scale=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: scale + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: input_scale + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: scale + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: input_scale + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: elu_backward_out + operator_name: elu_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::elu_backward.grad_input(Tensor grad_output, Scalar alpha, Scalar scale, Scalar input_scale, bool is_result, Tensor self_or_result, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: input_scale + type: const at::Scalar & + - annotation: null + dynamic_type: bool + is_nullable: false + name: is_result + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self_or_result + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, const at::Scalar &, const at::Scalar &, bool, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: input_scale + type: const at::Scalar & + - annotation: null + dynamic_type: bool + is_nullable: false + name: is_result + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self_or_result + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: elu_backward + operator_name: elu_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::elu_backward(Tensor grad_output, Scalar alpha, Scalar scale, Scalar input_scale, bool is_result, Tensor self_or_result) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: input_scale + type: const at::Scalar & + - annotation: null + dynamic_type: bool + is_nullable: false + name: is_result + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self_or_result + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, const at::Scalar &, const at::Scalar &, bool, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: scale + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: input_scale + type: const at::Scalar & + - annotation: null + dynamic_type: bool + is_nullable: false + name: is_result + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self_or_result + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: elu_ + operator_name: elu_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::elu_(Tensor(a!) self, Scalar alpha=1, Scalar scale=1, Scalar input_scale=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: scale + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: input_scale + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: scale + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: input_scale + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: glu_out + operator_name: glu + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::glu.out(Tensor self, int dim=-1, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: glu + operator_name: glu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::glu(Tensor self, int dim=-1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: glu_backward_out + operator_name: glu_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::glu_backward.grad_input(Tensor grad_output, Tensor self, int dim, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: glu_backward + operator_name: glu_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::glu_backward(Tensor grad_output, Tensor self, int dim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardsigmoid_out + operator_name: hardsigmoid + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardsigmoid.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardsigmoid + operator_name: hardsigmoid + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardsigmoid(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardsigmoid_ + operator_name: hardsigmoid_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardsigmoid_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardsigmoid_backward_out + operator_name: hardsigmoid_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardsigmoid_backward.grad_input(Tensor grad_output, Tensor self, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardsigmoid_backward + operator_name: hardsigmoid_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardsigmoid_backward(Tensor grad_output, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardtanh_out + operator_name: hardtanh + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardtanh.out(Tensor self, Scalar min_val=-1, Scalar max_val=1, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: const at::Scalar & + is_nullable: false + name: min_val + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: max_val + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: const at::Scalar & + is_nullable: false + name: min_val + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: max_val + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardtanh + operator_name: hardtanh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardtanh(Tensor self, Scalar min_val=-1, Scalar max_val=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: const at::Scalar & + is_nullable: false + name: min_val + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: max_val + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: -1 + dynamic_type: const at::Scalar & + is_nullable: false + name: min_val + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: max_val + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardtanh_backward_out + operator_name: hardtanh_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardtanh_backward.grad_input(Tensor grad_output, Tensor self, Scalar min_val, Scalar max_val, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: min_val + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: max_val + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: min_val + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: max_val + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardtanh_backward + operator_name: hardtanh_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardtanh_backward(Tensor grad_output, Tensor self, Scalar min_val, Scalar max_val) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: min_val + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: max_val + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: min_val + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: max_val + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardtanh_ + operator_name: hardtanh_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardtanh_(Tensor(a!) self, Scalar min_val=-1, Scalar max_val=1) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: -1 + dynamic_type: const at::Scalar & + is_nullable: false + name: min_val + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: max_val + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: -1 + dynamic_type: const at::Scalar & + is_nullable: false + name: min_val + type: const at::Scalar & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: max_val + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardswish_out + operator_name: hardswish + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardswish.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardswish + operator_name: hardswish + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardswish(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardswish_ + operator_name: hardswish_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardswish_(Tensor(a!) self) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: hardswish_backward + operator_name: hardswish_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::hardswish_backward(Tensor grad_output, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: leaky_relu_out + operator_name: leaky_relu + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::leaky_relu.out(Tensor self, Scalar negative_slope=0.01, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.01 + dynamic_type: const at::Scalar & + is_nullable: false + name: negative_slope + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.01 + dynamic_type: const at::Scalar & + is_nullable: false + name: negative_slope + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: leaky_relu + operator_name: leaky_relu + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::leaky_relu(Tensor self, Scalar negative_slope=0.01) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.01 + dynamic_type: const at::Scalar & + is_nullable: false + name: negative_slope + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.01 + dynamic_type: const at::Scalar & + is_nullable: false + name: negative_slope + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: leaky_relu_backward_out + operator_name: leaky_relu_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::leaky_relu_backward.grad_input(Tensor grad_output, Tensor self, Scalar negative_slope, bool self_is_result, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: negative_slope + type: const at::Scalar & + - annotation: null + dynamic_type: bool + is_nullable: false + name: self_is_result + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Scalar &, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: negative_slope + type: const at::Scalar & + - annotation: null + dynamic_type: bool + is_nullable: false + name: self_is_result + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: leaky_relu_backward + operator_name: leaky_relu_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::leaky_relu_backward(Tensor grad_output, Tensor self, Scalar negative_slope, bool self_is_result) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: negative_slope + type: const at::Scalar & + - annotation: null + dynamic_type: bool + is_nullable: false + name: self_is_result + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: negative_slope + type: const at::Scalar & + - annotation: null + dynamic_type: bool + is_nullable: false + name: self_is_result + type: bool + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: leaky_relu_ + operator_name: leaky_relu_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::leaky_relu_(Tensor(a!) self, Scalar negative_slope=0.01) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0.01 + dynamic_type: const at::Scalar & + is_nullable: false + name: negative_slope + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + default: 0.01 + dynamic_type: const at::Scalar & + is_nullable: false + name: negative_slope + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log_sigmoid_out + operator_name: log_sigmoid + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::log_sigmoid.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: log_sigmoid + operator_name: log_sigmoid + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::log_sigmoid(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: log_sigmoid_forward_out + operator_name: log_sigmoid_forward + overload_name: output + manual_kernel_registration: false + category_override: '' + schema_string: aten::log_sigmoid_forward.output(Tensor self, *, Tensor(a!) output, Tensor(b!) buffer) -> (Tensor(a!), Tensor(b!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: buffer + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: buffer + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: output + type: at::Tensor & + - dynamic_type: at::Tensor + name: buffer + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log_sigmoid_forward + operator_name: log_sigmoid_forward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::log_sigmoid_forward(Tensor self) -> (Tensor output, Tensor buffer) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: output + name: output + type: at::Tensor + - dynamic_type: at::Tensor + field_name: buffer + name: buffer + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log_sigmoid_backward_out + operator_name: log_sigmoid_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::log_sigmoid_backward.grad_input(Tensor grad_output, Tensor self, Tensor buffer, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: buffer + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: buffer + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: log_sigmoid_backward + operator_name: log_sigmoid_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::log_sigmoid_backward(Tensor grad_output, Tensor self, Tensor buffer) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: buffer + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: buffer + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: rrelu_with_noise_out + operator_name: rrelu_with_noise + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::rrelu_with_noise.out(Tensor self, Tensor noise, Scalar lower=0.125, Scalar upper=0.3333333333333333, bool training=False, Generator? generator=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: noise + type: const at::Tensor & + - annotation: null + default: 0.125 + dynamic_type: const at::Scalar & + is_nullable: false + name: lower + type: const at::Scalar & + - annotation: null + default: 0.3333333333333333 + dynamic_type: const at::Scalar & + is_nullable: false + name: upper + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: noise + type: const at::Tensor & + - annotation: null + default: 0.125 + dynamic_type: const at::Scalar & + is_nullable: false + name: lower + type: const at::Scalar & + - annotation: null + default: 0.3333333333333333 + dynamic_type: const at::Scalar & + is_nullable: false + name: upper + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: rrelu_with_noise + operator_name: rrelu_with_noise + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rrelu_with_noise(Tensor self, Tensor noise, Scalar lower=0.125, Scalar upper=0.3333333333333333, bool training=False, Generator? generator=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: noise + type: const at::Tensor & + - annotation: null + default: 0.125 + dynamic_type: const at::Scalar & + is_nullable: false + name: lower + type: const at::Scalar & + - annotation: null + default: 0.3333333333333333 + dynamic_type: const at::Scalar & + is_nullable: false + name: upper + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: noise + type: const at::Tensor & + - annotation: null + default: 0.125 + dynamic_type: const at::Scalar & + is_nullable: false + name: lower + type: const at::Scalar & + - annotation: null + default: 0.3333333333333333 + dynamic_type: const at::Scalar & + is_nullable: false + name: upper + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: rrelu_with_noise_backward + operator_name: rrelu_with_noise_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rrelu_with_noise_backward(Tensor grad_output, Tensor self, Tensor noise, Scalar lower, Scalar upper, bool training, bool self_is_result) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: noise + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: lower + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: upper + type: const at::Scalar & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: self_is_result + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: noise + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: lower + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: upper + type: const at::Scalar & + - annotation: null + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: self_is_result + type: bool + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: rrelu_with_noise_ + operator_name: rrelu_with_noise_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::rrelu_with_noise_(Tensor(a!) self, Tensor noise, Scalar lower=0.125, Scalar upper=0.3333333333333333, bool training=False, Generator? generator=None) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: noise + type: const at::Tensor & + - annotation: null + default: 0.125 + dynamic_type: const at::Scalar & + is_nullable: false + name: lower + type: const at::Scalar & + - annotation: null + default: 0.3333333333333333 + dynamic_type: const at::Scalar & + is_nullable: false + name: upper + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + schema_order_cpp_signature: at::Tensor & (at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, bool, c10::optional) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: noise + type: const at::Tensor & + - annotation: null + default: 0.125 + dynamic_type: const at::Scalar & + is_nullable: false + name: lower + type: const at::Scalar & + - annotation: null + default: 0.3333333333333333 + dynamic_type: const at::Scalar & + is_nullable: false + name: upper + type: const at::Scalar & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: training + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::Generator + is_nullable: true + name: generator + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: softplus_out + operator_name: softplus + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::softplus.out(Tensor self, Scalar beta=1, Scalar threshold=20, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: beta + type: const at::Scalar & + - annotation: null + default: 20 + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: beta + type: const at::Scalar & + - annotation: null + default: 20 + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: softplus + operator_name: softplus + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::softplus(Tensor self, Scalar beta=1, Scalar threshold=20) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: beta + type: const at::Scalar & + - annotation: null + default: 20 + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: beta + type: const at::Scalar & + - annotation: null + default: 20 + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: softplus_backward_out + operator_name: softplus_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::softplus_backward.grad_input(Tensor grad_output, Tensor self, Scalar beta, Scalar threshold, Tensor output, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: beta + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: beta + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: softplus_backward + operator_name: softplus_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::softplus_backward(Tensor grad_output, Tensor self, Scalar beta, Scalar threshold, Tensor output) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: beta + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &, const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: beta + type: const at::Scalar & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: threshold + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: softshrink_out + operator_name: softshrink + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::softshrink.out(Tensor self, Scalar lambd=0.5, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.5 + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.5 + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: softshrink + operator_name: softshrink + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::softshrink(Tensor self, Scalar lambd=0.5) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.5 + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 0.5 + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: softshrink_backward_out + operator_name: softshrink_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::softshrink_backward.grad_input(Tensor grad_output, Tensor self, Scalar lambd, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: softshrink_backward + operator_name: softshrink_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::softshrink_backward(Tensor grad_output, Tensor self, Scalar lambd) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: lambd + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: adaptive_avg_pool2d_out + operator_name: adaptive_avg_pool2d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_avg_pool2d.out(Tensor self, int[2] output_size, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: adaptive_avg_pool2d + operator_name: adaptive_avg_pool2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_avg_pool2d(Tensor self, int[2] output_size) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: mkldnn_adaptive_avg_pool2d + operator_name: mkldnn_adaptive_avg_pool2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_adaptive_avg_pool2d(Tensor self, int[2] output_size) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: mkldnn_adaptive_avg_pool2d_backward + operator_name: mkldnn_adaptive_avg_pool2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::mkldnn_adaptive_avg_pool2d_backward(Tensor grad_output, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _adaptive_avg_pool2d + operator_name: _adaptive_avg_pool2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_adaptive_avg_pool2d(Tensor self, int[2] output_size) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _adaptive_avg_pool2d_backward + operator_name: _adaptive_avg_pool2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_adaptive_avg_pool2d_backward(Tensor grad_output, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: adaptive_avg_pool3d_out + operator_name: adaptive_avg_pool3d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_avg_pool3d.out(Tensor self, int[3] output_size, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: adaptive_avg_pool3d + operator_name: adaptive_avg_pool3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_avg_pool3d(Tensor self, int[3] output_size) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _adaptive_avg_pool3d + operator_name: _adaptive_avg_pool3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_adaptive_avg_pool3d(Tensor self, int[3] output_size) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: adaptive_avg_pool3d_backward_out + operator_name: adaptive_avg_pool3d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_avg_pool3d_backward.grad_input(Tensor grad_output, Tensor self, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _adaptive_avg_pool3d_backward + operator_name: _adaptive_avg_pool3d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_adaptive_avg_pool3d_backward(Tensor grad_output, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: adaptive_max_pool2d_out + operator_name: adaptive_max_pool2d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_max_pool2d.out(Tensor self, int[2] output_size, *, Tensor(a!) out, Tensor(b!) indices) -> (Tensor(a!), Tensor(b!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + - dynamic_type: at::Tensor + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: adaptive_max_pool2d + operator_name: adaptive_max_pool2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_max_pool2d(Tensor self, int[2] output_size) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: adaptive_max_pool2d_backward_out + operator_name: adaptive_max_pool2d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_max_pool2d_backward.grad_input(Tensor grad_output, Tensor self, Tensor indices, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: adaptive_max_pool2d_backward + operator_name: adaptive_max_pool2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_max_pool2d_backward(Tensor grad_output, Tensor self, Tensor indices) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: adaptive_max_pool3d_out + operator_name: adaptive_max_pool3d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_max_pool3d.out(Tensor self, int[3] output_size, *, Tensor(a!) out, Tensor(b!) indices) -> (Tensor(a!), Tensor(b!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + - dynamic_type: at::Tensor + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: adaptive_max_pool3d + operator_name: adaptive_max_pool3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_max_pool3d(Tensor self, int[3] output_size) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: adaptive_max_pool3d_backward_out + operator_name: adaptive_max_pool3d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_max_pool3d_backward.grad_input(Tensor grad_output, Tensor self, Tensor indices, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: adaptive_max_pool3d_backward + operator_name: adaptive_max_pool3d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::adaptive_max_pool3d_backward(Tensor grad_output, Tensor self, Tensor indices) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: avg_pool2d_out + operator_name: avg_pool2d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::avg_pool2d.out(Tensor self, int[2] kernel_size, int[2] stride=[], int[2] padding=0, bool ceil_mode=False, bool count_include_pad=True, int? divisor_override=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: avg_pool2d + operator_name: avg_pool2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::avg_pool2d(Tensor self, int[2] kernel_size, int[2] stride=[], int[2] padding=0, bool ceil_mode=False, bool count_include_pad=True, int? divisor_override=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: avg_pool2d_backward_out + operator_name: avg_pool2d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::avg_pool2d_backward.grad_input(Tensor grad_output, Tensor self, int[2] kernel_size, int[2] stride, int[2] padding, bool ceil_mode, bool count_include_pad, int? divisor_override, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: avg_pool2d_backward + operator_name: avg_pool2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::avg_pool2d_backward(Tensor grad_output, Tensor self, int[2] kernel_size, int[2] stride, int[2] padding, bool ceil_mode, bool count_include_pad, int? divisor_override) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: avg_pool3d_out + operator_name: avg_pool3d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::avg_pool3d.out(Tensor self, int[3] kernel_size, int[3] stride=[], int[3] padding=0, bool ceil_mode=False, bool count_include_pad=True, int? divisor_override=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: avg_pool3d + operator_name: avg_pool3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::avg_pool3d(Tensor self, int[3] kernel_size, int[3] stride=[], int[3] padding=0, bool ceil_mode=False, bool count_include_pad=True, int? divisor_override=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: avg_pool3d_backward_out + operator_name: avg_pool3d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::avg_pool3d_backward.grad_input(Tensor grad_output, Tensor self, int[3] kernel_size, int[3] stride, int[3] padding, bool ceil_mode, bool count_include_pad, int? divisor_override, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: avg_pool3d_backward + operator_name: avg_pool3d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::avg_pool3d_backward(Tensor grad_output, Tensor self, int[3] kernel_size, int[3] stride, int[3] padding, bool ceil_mode, bool count_include_pad, int? divisor_override) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: bool + is_nullable: false + name: count_include_pad + type: bool + - annotation: null + dynamic_type: int64_t + is_nullable: true + name: divisor_override + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fractional_max_pool2d_out + operator_name: fractional_max_pool2d + overload_name: output + manual_kernel_registration: false + category_override: '' + schema_string: aten::fractional_max_pool2d.output(Tensor self, int[2] kernel_size, int[2] output_size, Tensor random_samples, *, Tensor(a!) output, Tensor(b!) indices) -> (Tensor(a!), Tensor(b!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: random_samples + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, const at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: random_samples + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: output + type: at::Tensor & + - dynamic_type: at::Tensor + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fractional_max_pool2d + operator_name: fractional_max_pool2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fractional_max_pool2d(Tensor self, int[2] kernel_size, int[2] output_size, Tensor random_samples) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: random_samples + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: random_samples + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fractional_max_pool2d_backward_out + operator_name: fractional_max_pool2d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::fractional_max_pool2d_backward.grad_input(Tensor grad_output, Tensor self, int[2] kernel_size, int[2] output_size, Tensor indices, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fractional_max_pool2d_backward + operator_name: fractional_max_pool2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fractional_max_pool2d_backward(Tensor grad_output, Tensor self, int[2] kernel_size, int[2] output_size, Tensor indices) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fractional_max_pool3d_out + operator_name: fractional_max_pool3d + overload_name: output + manual_kernel_registration: false + category_override: '' + schema_string: aten::fractional_max_pool3d.output(Tensor self, int[3] kernel_size, int[3] output_size, Tensor random_samples, *, Tensor(a!) output, Tensor(b!) indices) -> (Tensor(a!), Tensor(b!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: random_samples + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, const at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: random_samples + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: output + type: at::Tensor & + - dynamic_type: at::Tensor + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fractional_max_pool3d + operator_name: fractional_max_pool3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fractional_max_pool3d(Tensor self, int[3] kernel_size, int[3] output_size, Tensor random_samples) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: random_samples + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: random_samples + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fractional_max_pool3d_backward_out + operator_name: fractional_max_pool3d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::fractional_max_pool3d_backward.grad_input(Tensor grad_output, Tensor self, int[3] kernel_size, int[3] output_size, Tensor indices, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: fractional_max_pool3d_backward + operator_name: fractional_max_pool3d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fractional_max_pool3d_backward(Tensor grad_output, Tensor self, int[3] kernel_size, int[3] output_size, Tensor indices) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_pool2d_with_indices_out + operator_name: max_pool2d_with_indices + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_pool2d_with_indices.out(Tensor self, int[2] kernel_size, int[2] stride=[], int[2] padding=0, int[2] dilation=1, bool ceil_mode=False, *, Tensor(a!) out, Tensor(b!) indices) -> (Tensor(a!), Tensor(b!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + - dynamic_type: at::Tensor + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_pool2d_with_indices + operator_name: max_pool2d_with_indices + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_pool2d_with_indices(Tensor self, int[2] kernel_size, int[2] stride=[], int[2] padding=0, int[2] dilation=1, bool ceil_mode=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_pool2d_with_indices_backward_out + operator_name: max_pool2d_with_indices_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_pool2d_with_indices_backward.grad_input(Tensor grad_output, Tensor self, int[2] kernel_size, int[2] stride, int[2] padding, int[2] dilation, bool ceil_mode, Tensor indices, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_pool2d_with_indices_backward + operator_name: max_pool2d_with_indices_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_pool2d_with_indices_backward(Tensor grad_output, Tensor self, int[2] kernel_size, int[2] stride, int[2] padding, int[2] dilation, bool ceil_mode, Tensor indices) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_pool3d_with_indices_out + operator_name: max_pool3d_with_indices + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_pool3d_with_indices.out(Tensor self, int[3] kernel_size, int[3] stride=[], int[3] padding=0, int[3] dilation=1, bool ceil_mode=False, *, Tensor(a!) out, Tensor(b!) indices) -> (Tensor(a!), Tensor(b!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: indices + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + - dynamic_type: at::Tensor + name: indices + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_pool3d_with_indices + operator_name: max_pool3d_with_indices + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_pool3d_with_indices(Tensor self, int[3] kernel_size, int[3] stride=[], int[3] padding=0, int[3] dilation=1, bool ceil_mode=False) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_pool3d_with_indices_backward_out + operator_name: max_pool3d_with_indices_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_pool3d_with_indices_backward.grad_input(Tensor grad_output, Tensor self, int[3] kernel_size, int[3] stride, int[3] padding, int[3] dilation, bool ceil_mode, Tensor indices, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_pool3d_with_indices_backward + operator_name: max_pool3d_with_indices_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_pool3d_with_indices_backward(Tensor grad_output, Tensor self, int[3] kernel_size, int[3] stride, int[3] padding, int[3] dilation, bool ceil_mode, Tensor indices) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, bool, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: ceil_mode + type: bool + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_unpool2d_out + operator_name: max_unpool2d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_unpool2d.out(Tensor self, Tensor indices, int[2] output_size, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_unpool2d + operator_name: max_unpool2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_unpool2d(Tensor self, Tensor indices, int[2] output_size) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_unpool2d_backward_out + operator_name: max_unpool2d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_unpool2d_backward.grad_input(Tensor grad_output, Tensor self, Tensor indices, int[2] output_size, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_unpool2d_backward + operator_name: max_unpool2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_unpool2d_backward(Tensor grad_output, Tensor self, Tensor indices, int[2] output_size) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_unpool3d_out + operator_name: max_unpool3d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_unpool3d.out(Tensor self, Tensor indices, int[3] output_size, int[3] stride, int[3] padding, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_unpool3d + operator_name: max_unpool3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_unpool3d(Tensor self, Tensor indices, int[3] output_size, int[3] stride, int[3] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_unpool3d_backward_out + operator_name: max_unpool3d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_unpool3d_backward.grad_input(Tensor grad_output, Tensor self, Tensor indices, int[3] output_size, int[3] stride, int[3] padding, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: max_unpool3d_backward + operator_name: max_unpool3d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::max_unpool3d_backward(Tensor grad_output, Tensor self, Tensor indices, int[3] output_size, int[3] stride, int[3] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: indices + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reflection_pad1d_out + operator_name: reflection_pad1d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::reflection_pad1d.out(Tensor self, int[2] padding, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reflection_pad1d + operator_name: reflection_pad1d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::reflection_pad1d(Tensor self, int[2] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reflection_pad1d_backward_out + operator_name: reflection_pad1d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::reflection_pad1d_backward.grad_input(Tensor grad_output, Tensor self, int[2] padding, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reflection_pad1d_backward + operator_name: reflection_pad1d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::reflection_pad1d_backward(Tensor grad_output, Tensor self, int[2] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reflection_pad2d_out + operator_name: reflection_pad2d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::reflection_pad2d.out(Tensor self, int[4] padding, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reflection_pad2d + operator_name: reflection_pad2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::reflection_pad2d(Tensor self, int[4] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reflection_pad2d_backward_out + operator_name: reflection_pad2d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::reflection_pad2d_backward.grad_input(Tensor grad_output, Tensor self, int[4] padding, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reflection_pad2d_backward + operator_name: reflection_pad2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::reflection_pad2d_backward(Tensor grad_output, Tensor self, int[4] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reflection_pad3d_out + operator_name: reflection_pad3d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::reflection_pad3d.out(Tensor self, int[6] padding, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reflection_pad3d + operator_name: reflection_pad3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::reflection_pad3d(Tensor self, int[6] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reflection_pad3d_backward_out + operator_name: reflection_pad3d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::reflection_pad3d_backward.grad_input(Tensor grad_output, Tensor self, int[6] padding, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: reflection_pad3d_backward + operator_name: reflection_pad3d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::reflection_pad3d_backward(Tensor grad_output, Tensor self, int[6] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: replication_pad1d_out + operator_name: replication_pad1d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::replication_pad1d.out(Tensor self, int[2] padding, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: replication_pad1d + operator_name: replication_pad1d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::replication_pad1d(Tensor self, int[2] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: replication_pad1d_backward_out + operator_name: replication_pad1d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::replication_pad1d_backward.grad_input(Tensor grad_output, Tensor self, int[2] padding, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: replication_pad1d_backward + operator_name: replication_pad1d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::replication_pad1d_backward(Tensor grad_output, Tensor self, int[2] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: replication_pad2d_out + operator_name: replication_pad2d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::replication_pad2d.out(Tensor self, int[4] padding, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: replication_pad2d + operator_name: replication_pad2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::replication_pad2d(Tensor self, int[4] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: replication_pad2d_backward_out + operator_name: replication_pad2d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::replication_pad2d_backward.grad_input(Tensor grad_output, Tensor self, int[4] padding, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: replication_pad2d_backward + operator_name: replication_pad2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::replication_pad2d_backward(Tensor grad_output, Tensor self, int[4] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 4 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: replication_pad3d_out + operator_name: replication_pad3d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::replication_pad3d.out(Tensor self, int[6] padding, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: replication_pad3d + operator_name: replication_pad3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::replication_pad3d(Tensor self, int[6] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: replication_pad3d_backward_out + operator_name: replication_pad3d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::replication_pad3d_backward.grad_input(Tensor grad_output, Tensor self, int[6] padding, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: replication_pad3d_backward + operator_name: replication_pad3d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::replication_pad3d_backward(Tensor grad_output, Tensor self, int[6] padding) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 6 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_linear1d + operator_name: upsample_linear1d + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_linear1d.vec(Tensor input, int[]? output_size, bool align_corners, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, bool, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_linear1d_backward + operator_name: upsample_linear1d_backward + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_linear1d_backward.vec(Tensor grad_output, int[]? output_size, int[] input_size, bool align_corners, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, at::IntArrayRef, bool, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_bilinear2d + operator_name: upsample_bilinear2d + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_bilinear2d.vec(Tensor input, int[]? output_size, bool align_corners, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, bool, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_bilinear2d_backward + operator_name: upsample_bilinear2d_backward + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_bilinear2d_backward.vec(Tensor grad_output, int[]? output_size, int[] input_size, bool align_corners, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, at::IntArrayRef, bool, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_trilinear3d + operator_name: upsample_trilinear3d + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_trilinear3d.vec(Tensor input, int[]? output_size, bool align_corners, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, bool, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_trilinear3d_backward + operator_name: upsample_trilinear3d_backward + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_trilinear3d_backward.vec(Tensor grad_output, int[]? output_size, int[] input_size, bool align_corners, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, at::IntArrayRef, bool, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_bicubic2d + operator_name: upsample_bicubic2d + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_bicubic2d.vec(Tensor input, int[]? output_size, bool align_corners, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, bool, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_bicubic2d_backward + operator_name: upsample_bicubic2d_backward + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_bicubic2d_backward.vec(Tensor grad_output, int[]? output_size, int[] input_size, bool align_corners, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, at::IntArrayRef, bool, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest1d + operator_name: upsample_nearest1d + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest1d.vec(Tensor input, int[]? output_size, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest1d_backward + operator_name: upsample_nearest1d_backward + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest1d_backward.vec(Tensor grad_output, int[]? output_size, int[] input_size, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, at::IntArrayRef, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest2d + operator_name: upsample_nearest2d + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest2d.vec(Tensor input, int[]? output_size, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest2d_backward + operator_name: upsample_nearest2d_backward + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest2d_backward.vec(Tensor grad_output, int[]? output_size, int[] input_size, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, at::IntArrayRef, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest3d + operator_name: upsample_nearest3d + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest3d.vec(Tensor input, int[]? output_size, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest3d_backward + operator_name: upsample_nearest3d_backward + overload_name: vec + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest3d_backward.vec(Tensor grad_output, int[]? output_size, int[] input_size, float[]? scale_factors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, at::IntArrayRef, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: output_size + type: c10::optional + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + type: at::IntArrayRef + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: scale_factors + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_linear1d_out + operator_name: upsample_linear1d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_linear1d.out(Tensor self, int[1] output_size, bool align_corners, float? scales=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_linear1d + operator_name: upsample_linear1d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_linear1d(Tensor self, int[1] output_size, bool align_corners, float? scales=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_linear1d_backward_out + operator_name: upsample_linear1d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_linear1d_backward.grad_input(Tensor grad_output, int[1] output_size, int[3] input_size, bool align_corners, float? scales=None, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_linear1d_backward + operator_name: upsample_linear1d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_linear1d_backward(Tensor grad_output, int[1] output_size, int[3] input_size, bool align_corners, float? scales=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_bilinear2d_out + operator_name: upsample_bilinear2d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_bilinear2d.out(Tensor self, int[2] output_size, bool align_corners, float? scales_h=None, float? scales_w=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_bilinear2d + operator_name: upsample_bilinear2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_bilinear2d(Tensor self, int[2] output_size, bool align_corners, float? scales_h=None, float? scales_w=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_bilinear2d_backward_out + operator_name: upsample_bilinear2d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_bilinear2d_backward.grad_input(Tensor grad_output, int[2] output_size, int[4] input_size, bool align_corners, float? scales_h=None, float? scales_w=None, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 4 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, bool, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 4 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_bilinear2d_backward + operator_name: upsample_bilinear2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_bilinear2d_backward(Tensor grad_output, int[2] output_size, int[4] input_size, bool align_corners, float? scales_h=None, float? scales_w=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 4 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, bool, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 4 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_bicubic2d_out + operator_name: upsample_bicubic2d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_bicubic2d.out(Tensor self, int[2] output_size, bool align_corners, float? scales_h=None, float? scales_w=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_bicubic2d + operator_name: upsample_bicubic2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_bicubic2d(Tensor self, int[2] output_size, bool align_corners, float? scales_h=None, float? scales_w=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_bicubic2d_backward_out + operator_name: upsample_bicubic2d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_bicubic2d_backward.grad_input(Tensor grad_output, int[2] output_size, int[4] input_size, bool align_corners, float? scales_h=None, float? scales_w=None, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 4 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, bool, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 4 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_bicubic2d_backward + operator_name: upsample_bicubic2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_bicubic2d_backward(Tensor grad_output, int[2] output_size, int[4] input_size, bool align_corners, float? scales_h=None, float? scales_w=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 4 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, bool, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 4 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_trilinear3d_out + operator_name: upsample_trilinear3d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_trilinear3d.out(Tensor self, int[3] output_size, bool align_corners, float? scales_d=None, float? scales_h=None, float? scales_w=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, c10::optional, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_trilinear3d + operator_name: upsample_trilinear3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_trilinear3d(Tensor self, int[3] output_size, bool align_corners, float? scales_d=None, float? scales_h=None, float? scales_w=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_trilinear3d_backward_out + operator_name: upsample_trilinear3d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_trilinear3d_backward.grad_input(Tensor grad_output, int[3] output_size, int[5] input_size, bool align_corners, float? scales_d=None, float? scales_h=None, float? scales_w=None, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 5 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, bool, c10::optional, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 5 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_trilinear3d_backward + operator_name: upsample_trilinear3d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_trilinear3d_backward(Tensor grad_output, int[3] output_size, int[5] input_size, bool align_corners, float? scales_d=None, float? scales_h=None, float? scales_w=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 5 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, bool, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 5 + type: at::IntArrayRef + - annotation: null + dynamic_type: bool + is_nullable: false + name: align_corners + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest1d_out + operator_name: upsample_nearest1d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest1d.out(Tensor self, int[1] output_size, float? scales=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest1d + operator_name: upsample_nearest1d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest1d(Tensor self, int[1] output_size, float? scales=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest1d_backward_out + operator_name: upsample_nearest1d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest1d_backward.grad_input(Tensor grad_output, int[1] output_size, int[3] input_size, float? scales=None, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest1d_backward + operator_name: upsample_nearest1d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest1d_backward(Tensor grad_output, int[1] output_size, int[3] input_size, float? scales=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 1 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest2d_out + operator_name: upsample_nearest2d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest2d.out(Tensor self, int[2] output_size, float? scales_h=None, float? scales_w=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest2d + operator_name: upsample_nearest2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest2d(Tensor self, int[2] output_size, float? scales_h=None, float? scales_w=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest2d_backward_out + operator_name: upsample_nearest2d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest2d_backward.grad_input(Tensor grad_output, int[2] output_size, int[4] input_size, float? scales_h=None, float? scales_w=None, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 4 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 4 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest2d_backward + operator_name: upsample_nearest2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest2d_backward(Tensor grad_output, int[2] output_size, int[4] input_size, float? scales_h=None, float? scales_w=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 4 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 4 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest3d_out + operator_name: upsample_nearest3d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest3d.out(Tensor self, int[3] output_size, float? scales_d=None, float? scales_h=None, float? scales_w=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, c10::optional, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest3d + operator_name: upsample_nearest3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest3d(Tensor self, int[3] output_size, float? scales_d=None, float? scales_h=None, float? scales_w=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest3d_backward_out + operator_name: upsample_nearest3d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest3d_backward.grad_input(Tensor grad_output, int[3] output_size, int[5] input_size, float? scales_d=None, float? scales_h=None, float? scales_w=None, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 5 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, c10::optional, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 5 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: upsample_nearest3d_backward + operator_name: upsample_nearest3d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::upsample_nearest3d_backward(Tensor grad_output, int[3] output_size, int[5] input_size, float? scales_d=None, float? scales_h=None, float? scales_w=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 5 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 5 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_d + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_h + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: scales_w + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sigmoid_backward_out + operator_name: sigmoid_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::sigmoid_backward.grad_input(Tensor grad_output, Tensor output, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: sigmoid_backward + operator_name: sigmoid_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::sigmoid_backward(Tensor grad_output, Tensor output) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logit_backward_out + operator_name: logit_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::logit_backward.grad_input(Tensor grad_output, Tensor self, float? eps=None, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: logit_backward + operator_name: logit_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::logit_backward(Tensor grad_output, Tensor self, float? eps=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: tanh_backward_out + operator_name: tanh_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::tanh_backward.grad_input(Tensor grad_output, Tensor output, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: tanh_backward + operator_name: tanh_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::tanh_backward(Tensor grad_output, Tensor output) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv_transpose2d_out + operator_name: slow_conv_transpose2d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv_transpose2d.out(Tensor self, Tensor weight, int[2] kernel_size, Tensor? bias=None, int[2] stride=1, int[2] padding=0, int[2] output_padding=0, int[2] dilation=1, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv_transpose2d + operator_name: slow_conv_transpose2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv_transpose2d(Tensor self, Tensor weight, int[2] kernel_size, Tensor? bias=None, int[2] stride=1, int[2] padding=0, int[2] output_padding=0, int[2] dilation=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv_transpose2d_backward_out + operator_name: slow_conv_transpose2d_backward + overload_name: grad_output + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv_transpose2d_backward.grad_output(Tensor grad_output, Tensor self, Tensor weight, int[2] kernel_size, int[2] stride, int[2] padding, int[2] output_padding, int[2] dilation, Tensor columns, Tensor ones, *, Tensor(a!) grad_input, Tensor(b!) grad_weight, Tensor(c!) grad_bias) -> (Tensor(a!), Tensor(b!), Tensor(c!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: grad_weight + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: grad_bias + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: columns + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: ones + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: columns + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: ones + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: grad_weight + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: grad_bias + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + - dynamic_type: at::Tensor + name: grad_weight + type: at::Tensor & + - dynamic_type: at::Tensor + name: grad_bias + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv_transpose2d_backward + operator_name: slow_conv_transpose2d_backward + overload_name: output_mask + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv_transpose2d_backward.output_mask(Tensor grad_output, Tensor self, Tensor weight, int[2] kernel_size, int[2] stride, int[2] padding, int[2] output_padding, int[2] dilation, Tensor columns, Tensor ones, bool[3] output_mask) -> (Tensor grad_input, Tensor grad_weight, Tensor grad_bias) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: columns + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: ones + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, const at::Tensor &, const at::Tensor &, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: columns + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: ones + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: grad_input + name: grad_input + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_weight + name: grad_weight + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_bias + name: grad_bias + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv_transpose3d_out + operator_name: slow_conv_transpose3d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv_transpose3d.out(Tensor self, Tensor weight, int[3] kernel_size, Tensor? bias=None, int[3] stride=1, int[3] padding=0, int[3] output_padding=0, int[3] dilation=1, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv_transpose3d + operator_name: slow_conv_transpose3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv_transpose3d(Tensor self, Tensor weight, int[3] kernel_size, Tensor? bias=None, int[3] stride=1, int[3] padding=0, int[3] output_padding=0, int[3] dilation=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv_transpose3d_backward_out + operator_name: slow_conv_transpose3d_backward + overload_name: grad_output + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv_transpose3d_backward.grad_output(Tensor grad_output, Tensor self, Tensor weight, int[3] kernel_size, int[3] stride, int[3] padding, int[3] output_padding, int[3] dilation, Tensor finput, Tensor fgrad_input, *, Tensor(a!) grad_input, Tensor(b!) grad_weight, Tensor(c!) grad_bias) -> (Tensor(a!), Tensor(b!), Tensor(c!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: grad_weight + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: grad_bias + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: finput + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: finput + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: grad_weight + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: grad_bias + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + - dynamic_type: at::Tensor + name: grad_weight + type: at::Tensor & + - dynamic_type: at::Tensor + name: grad_bias + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv_transpose3d_backward + operator_name: slow_conv_transpose3d_backward + overload_name: output_mask + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv_transpose3d_backward.output_mask(Tensor grad_output, Tensor self, Tensor weight, int[3] kernel_size, int[3] stride, int[3] padding, int[3] output_padding, int[3] dilation, Tensor finput, Tensor fgrad_input, bool[3] output_mask) -> (Tensor grad_input, Tensor grad_weight, Tensor grad_bias) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: finput + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, const at::Tensor &, const at::Tensor &, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: finput + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: grad_input + name: grad_input + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_weight + name: grad_weight + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_bias + name: grad_bias + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: thnn_conv2d_out + operator_name: thnn_conv2d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::thnn_conv2d.out(Tensor self, Tensor weight, int[2] kernel_size, Tensor? bias=None, int[2] stride=1, int[2] padding=0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: thnn_conv2d + operator_name: thnn_conv2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::thnn_conv2d(Tensor self, Tensor weight, int[2] kernel_size, Tensor? bias=None, int[2] stride=1, int[2] padding=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: thnn_conv2d_forward_out + operator_name: thnn_conv2d_forward + overload_name: output + manual_kernel_registration: false + category_override: '' + schema_string: aten::thnn_conv2d_forward.output(Tensor self, Tensor weight, int[2] kernel_size, Tensor? bias, int[2] stride, int[2] padding, *, Tensor(a!) output, Tensor(b!) finput, Tensor(c!) fgrad_input) -> (Tensor(a!), Tensor(b!), Tensor(c!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: finput + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: finput + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: output + type: at::Tensor & + - dynamic_type: at::Tensor + name: finput + type: at::Tensor & + - dynamic_type: at::Tensor + name: fgrad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: thnn_conv2d_forward + operator_name: thnn_conv2d_forward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::thnn_conv2d_forward(Tensor self, Tensor weight, int[2] kernel_size, Tensor? bias, int[2] stride, int[2] padding) -> (Tensor output, Tensor finput, Tensor fgrad_input) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: output + name: output + type: at::Tensor + - dynamic_type: at::Tensor + field_name: finput + name: finput + type: at::Tensor + - dynamic_type: at::Tensor + field_name: fgrad_input + name: fgrad_input + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: thnn_conv2d_backward_out + operator_name: thnn_conv2d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::thnn_conv2d_backward.grad_input(Tensor grad_output, Tensor self, Tensor weight, int[2] kernel_size, int[2] stride, int[2] padding, Tensor finput, Tensor fgrad_input, *, Tensor(a!) grad_input, Tensor(b!) grad_weight, Tensor(c!) grad_bias) -> (Tensor(a!), Tensor(b!), Tensor(c!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: grad_weight + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: grad_bias + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: finput + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: finput + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: grad_weight + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: grad_bias + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + - dynamic_type: at::Tensor + name: grad_weight + type: at::Tensor & + - dynamic_type: at::Tensor + name: grad_bias + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: thnn_conv2d_backward + operator_name: thnn_conv2d_backward + overload_name: output_mask + manual_kernel_registration: false + category_override: '' + schema_string: aten::thnn_conv2d_backward.output_mask(Tensor grad_output, Tensor self, Tensor weight, int[2] kernel_size, int[2] stride, int[2] padding, Tensor finput, Tensor fgrad_input, bool[3] output_mask) -> (Tensor grad_input, Tensor grad_weight, Tensor grad_bias) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: finput + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, const at::Tensor &, const at::Tensor &, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: finput + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: grad_input + name: grad_input + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_weight + name: grad_weight + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_bias + name: grad_bias + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _conv_depthwise2d_out + operator_name: _conv_depthwise2d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::_conv_depthwise2d.out(Tensor self, Tensor weight, int[2] kernel_size, Tensor? bias, int[2] stride, int[2] padding, int[2] dilation, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: const at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: const at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _conv_depthwise2d + operator_name: _conv_depthwise2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_conv_depthwise2d(Tensor self, Tensor weight, int[2] kernel_size, Tensor? bias, int[2] stride, int[2] padding, int[2] dilation) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _conv_depthwise2d_backward_out + operator_name: _conv_depthwise2d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::_conv_depthwise2d_backward.grad_input(Tensor grad_output, Tensor self, Tensor weight, int[2] kernel_size, int[2] stride, int[2] padding, int[2] dilation, *, Tensor(a!) grad_input, Tensor(b!) grad_weight) -> (Tensor(a!), Tensor(b!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: grad_weight + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: grad_weight + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + - dynamic_type: at::Tensor + name: grad_weight + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _conv_depthwise2d_backward + operator_name: _conv_depthwise2d_backward + overload_name: output_mask + manual_kernel_registration: false + category_override: '' + schema_string: aten::_conv_depthwise2d_backward.output_mask(Tensor grad_output, Tensor self, Tensor weight, int[2] kernel_size, int[2] stride, int[2] padding, int[2] dilation, bool[2] output_mask) -> (Tensor grad_input, Tensor grad_weight) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: grad_input + name: grad_input + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_weight + name: grad_weight + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: conv_depthwise3d + operator_name: conv_depthwise3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv_depthwise3d(Tensor self, Tensor weight, int[3] kernel_size, Tensor? bias, int[3] stride, int[3] padding, int[3] dilation) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: conv_depthwise3d_backward_out + operator_name: conv_depthwise3d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv_depthwise3d_backward.grad_input(Tensor grad_output, Tensor self, Tensor weight, int[3] kernel_size, int[3] stride, int[3] padding, int[3] dilation, *, Tensor(a!) grad_input, Tensor(b!) grad_weight, Tensor(c!) grad_bias) -> (Tensor(a!), Tensor(b!), Tensor(c!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: grad_weight + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: grad_bias + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: grad_weight + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: grad_bias + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + - dynamic_type: at::Tensor + name: grad_weight + type: at::Tensor & + - dynamic_type: at::Tensor + name: grad_bias + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: conv_depthwise3d_backward + operator_name: conv_depthwise3d_backward + overload_name: output_mask + manual_kernel_registration: false + category_override: '' + schema_string: aten::conv_depthwise3d_backward.output_mask(Tensor grad_output, Tensor self, Tensor weight, int[3] kernel_size, int[3] stride, int[3] padding, int[3] dilation, bool[3] output_mask) -> (Tensor grad_input, Tensor grad_weight, Tensor grad_bias) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: grad_input + name: grad_input + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_weight + name: grad_weight + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_bias + name: grad_bias + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv3d_out + operator_name: slow_conv3d + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv3d.out(Tensor self, Tensor weight, int[3] kernel_size, Tensor? bias=None, int[3] stride=1, int[3] padding=0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: slow_conv3d + operator_name: slow_conv3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv3d(Tensor self, Tensor weight, int[3] kernel_size, Tensor? bias=None, int[3] stride=1, int[3] padding=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: slow_conv3d_forward_out + operator_name: slow_conv3d_forward + overload_name: output + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv3d_forward.output(Tensor self, Tensor weight, int[3] kernel_size, Tensor? bias, int[3] stride, int[3] padding, *, Tensor(a!) output, Tensor(b!) finput, Tensor(c!) fgrad_input) -> (Tensor(a!), Tensor(b!), Tensor(c!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: finput + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: output + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: finput + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: output + type: at::Tensor & + - dynamic_type: at::Tensor + name: finput + type: at::Tensor & + - dynamic_type: at::Tensor + name: fgrad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv3d_forward + operator_name: slow_conv3d_forward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv3d_forward(Tensor self, Tensor weight, int[3] kernel_size, Tensor? bias, int[3] stride, int[3] padding) -> (Tensor output, Tensor finput, Tensor fgrad_input) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: output + name: output + type: at::Tensor + - dynamic_type: at::Tensor + field_name: finput + name: finput + type: at::Tensor + - dynamic_type: at::Tensor + field_name: fgrad_input + name: fgrad_input + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv3d_backward_out + operator_name: slow_conv3d_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv3d_backward.grad_input(Tensor grad_output, Tensor self, Tensor weight, int[3] kernel_size, int[3] stride, int[3] padding, Tensor finput, Tensor fgrad_input, *, Tensor(a!) grad_input, Tensor(b!) grad_weight, Tensor(c!) grad_bias) -> (Tensor(a!), Tensor(b!), Tensor(c!)) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: grad_weight + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: grad_bias + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: finput + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, const at::Tensor &, const at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: finput + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: grad_weight + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: grad_bias + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + - dynamic_type: at::Tensor + name: grad_weight + type: at::Tensor & + - dynamic_type: at::Tensor + name: grad_bias + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv3d_backward + operator_name: slow_conv3d_backward + overload_name: output_mask + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv3d_backward.output_mask(Tensor grad_output, Tensor self, Tensor weight, int[3] kernel_size, int[3] stride, int[3] padding, Tensor finput, Tensor fgrad_input, bool[3] output_mask) -> (Tensor grad_input, Tensor grad_weight, Tensor grad_bias) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: finput + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, const at::Tensor &, const at::Tensor &, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: finput + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: fgrad_input + type: const at::Tensor & + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: grad_input + name: grad_input + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_weight + name: grad_weight + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_bias + name: grad_bias + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv_dilated2d + operator_name: slow_conv_dilated2d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv_dilated2d(Tensor self, Tensor weight, int[2] kernel_size, Tensor? bias=None, int[2] stride=1, int[2] padding=0, int[2] dilation=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv_dilated2d_backward + operator_name: slow_conv_dilated2d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv_dilated2d_backward(Tensor grad_output, Tensor self, Tensor weight, int[2] kernel_size, int[2] stride, int[2] padding, int[2] dilation, bool[3] output_mask) -> (Tensor grad_input, Tensor grad_weight, Tensor grad_bias) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: grad_input + name: grad_input + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_weight + name: grad_weight + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_bias + name: grad_bias + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv_dilated3d + operator_name: slow_conv_dilated3d + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv_dilated3d(Tensor self, Tensor weight, int[3] kernel_size, Tensor? bias=None, int[3] stride=1, int[3] padding=0, int[3] dilation=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, at::IntArrayRef, const c10::optional &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + name: bias + type: const c10::optional & + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + default: 0 + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + default: 1 + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: slow_conv_dilated3d_backward + operator_name: slow_conv_dilated3d_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::slow_conv_dilated3d_backward(Tensor grad_output, Tensor self, Tensor weight, int[3] kernel_size, int[3] stride, int[3] padding, int[3] dilation, bool[3] output_mask) -> (Tensor grad_input, Tensor grad_weight, Tensor grad_bias) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, ::std::array) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: weight + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 3 + type: at::IntArrayRef + - annotation: null + dynamic_type: ::std::array + is_nullable: false + name: output_mask + type: ::std::array + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + field_name: grad_input + name: grad_input + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_weight + name: grad_weight + type: at::Tensor + - dynamic_type: at::Tensor + field_name: grad_bias + name: grad_bias + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: col2im_out + operator_name: col2im + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::col2im.out(Tensor self, int[2] output_size, int[2] kernel_size, int[2] dilation, int[2] padding, int[2] stride, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: col2im + operator_name: col2im + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::col2im(Tensor self, int[2] output_size, int[2] kernel_size, int[2] dilation, int[2] padding, int[2] stride) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: output_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: col2im_backward_out + operator_name: col2im_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::col2im_backward.grad_input(Tensor grad_output, int[2] kernel_size, int[2] dilation, int[2] padding, int[2] stride, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: col2im_backward + operator_name: col2im_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::col2im_backward(Tensor grad_output, int[2] kernel_size, int[2] dilation, int[2] padding, int[2] stride) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: column_stack + operator_name: column_stack + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::column_stack(Tensor[] tensors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: column_stack_out + operator_name: column_stack + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::column_stack.out(Tensor[] tensors, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor & (at::TensorList, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: im2col_out + operator_name: im2col + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::im2col.out(Tensor self, int[2] kernel_size, int[2] dilation, int[2] padding, int[2] stride, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: im2col + operator_name: im2col + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::im2col(Tensor self, int[2] kernel_size, int[2] dilation, int[2] padding, int[2] stride) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: im2col_backward_out + operator_name: im2col_backward + overload_name: grad_input + manual_kernel_registration: false + category_override: '' + schema_string: aten::im2col_backward.grad_input(Tensor grad_output, int[2] input_size, int[2] kernel_size, int[2] dilation, int[2] padding, int[2] stride, *, Tensor(a!) grad_input) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: grad_input + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: grad_input + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: im2col_backward + operator_name: im2col_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::im2col_backward(Tensor grad_output, int[2] input_size, int[2] kernel_size, int[2] dilation, int[2] padding, int[2] stride) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef, at::IntArrayRef) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad_output + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: input_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: kernel_size + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dilation + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: padding + size: 2 + type: at::IntArrayRef + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: stride + size: 2 + type: at::IntArrayRef + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: isfinite + operator_name: isfinite + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::isfinite(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: isinf + operator_name: isinf + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::isinf(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: false + with_gil: false + deprecated: false + has_math_kernel: true +- name: record_stream + operator_name: record_stream + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::record_stream(Tensor(a!) self, Stream s) -> () + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Stream + is_nullable: false + name: s + type: at::Stream + schema_order_cpp_signature: void (at::Tensor &, at::Stream) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: null + dynamic_type: at::Stream + is_nullable: false + name: s + type: at::Stream + method_of: + - Type + - Tensor + mode: native + python_module: '' + returns: [] + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: isposinf + operator_name: isposinf + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::isposinf(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: isposinf_out + operator_name: isposinf + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::isposinf.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: isneginf + operator_name: isneginf + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::isneginf(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: isneginf_out + operator_name: isneginf + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::isneginf.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _add_batch_dim + operator_name: _add_batch_dim + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_add_batch_dim(Tensor self, int batch_dim, int level) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: batch_dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: level + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: batch_dim + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: level + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _remove_batch_dim + operator_name: _remove_batch_dim + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_remove_batch_dim(Tensor self, int level, int batch_size, int out_dim) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: level + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: batch_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: out_dim + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: level + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: batch_size + type: int64_t + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: out_dim + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_entr + operator_name: special_entr + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_entr(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_entr_out + operator_name: special_entr + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_entr.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_ndtri + operator_name: special_ndtri + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_ndtri(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_ndtri_out + operator_name: special_ndtri + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_ndtri.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_expm1 + operator_name: special_expm1 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_expm1(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_expm1_out + operator_name: special_expm1 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_expm1.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_exp2 + operator_name: special_exp2 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_exp2(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_exp2_out + operator_name: special_exp2 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_exp2.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_psi + operator_name: special_psi + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_psi(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_psi_out + operator_name: special_psi + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_psi.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_digamma + operator_name: special_digamma + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_digamma(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_digamma_out + operator_name: special_digamma + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_digamma.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_gammaln + operator_name: special_gammaln + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_gammaln(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_gammaln_out + operator_name: special_gammaln + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_gammaln.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_erf + operator_name: special_erf + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_erf(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_erf_out + operator_name: special_erf + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_erf.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_erfc + operator_name: special_erfc + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_erfc(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_erfc_out + operator_name: special_erfc + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_erfc.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_erfcx + operator_name: special_erfcx + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_erfcx(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_erfcx_out + operator_name: special_erfcx + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_erfcx.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_erfinv + operator_name: special_erfinv + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_erfinv(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_erfinv_out + operator_name: special_erfinv + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_erfinv.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_ndtr + operator_name: special_ndtr + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_ndtr(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_ndtr_out + operator_name: special_ndtr + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_ndtr.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_xlog1py + operator_name: special_xlog1py + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_xlog1py(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_xlog1py + operator_name: special_xlog1py + overload_name: self_scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_xlog1py.self_scalar(Scalar self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_xlog1py + operator_name: special_xlog1py + overload_name: other_scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_xlog1py.other_scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_xlog1py_out + operator_name: special_xlog1py + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_xlog1py.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_xlog1py_out + operator_name: special_xlog1py + overload_name: self_scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_xlog1py.self_scalar_out(Scalar self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Scalar &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_xlog1py_out + operator_name: special_xlog1py + overload_name: other_scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_xlog1py.other_scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_xlogy + operator_name: special_xlogy + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_xlogy(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_xlogy + operator_name: special_xlogy + overload_name: self_scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_xlogy.self_scalar(Scalar self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_xlogy + operator_name: special_xlogy + overload_name: other_scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_xlogy.other_scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_xlogy_out + operator_name: special_xlogy + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_xlogy.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_xlogy_out + operator_name: special_xlogy + overload_name: self_scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_xlogy.self_scalar_out(Scalar self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Scalar &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_xlogy_out + operator_name: special_xlogy + overload_name: other_scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_xlogy.other_scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_zeta + operator_name: special_zeta + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_zeta(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_zeta + operator_name: special_zeta + overload_name: self_scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_zeta.self_scalar(Scalar self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Scalar &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_zeta + operator_name: special_zeta + overload_name: other_scalar + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_zeta.other_scalar(Tensor self, Scalar other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_zeta_out + operator_name: special_zeta + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_zeta.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_zeta_out + operator_name: special_zeta + overload_name: self_scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_zeta.self_scalar_out(Scalar self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Scalar &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: self + type: const at::Scalar & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_zeta_out + operator_name: special_zeta + overload_name: other_scalar_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_zeta.other_scalar_out(Tensor self, Scalar other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: other + type: const at::Scalar & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_i0 + operator_name: special_i0 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_i0(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_i0_out + operator_name: special_i0 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_i0.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_i0e + operator_name: special_i0e + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_i0e(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_i0e_out + operator_name: special_i0e + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_i0e.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_i1 + operator_name: special_i1 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_i1(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_i1_out + operator_name: special_i1 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_i1.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_i1e + operator_name: special_i1e + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_i1e(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_i1e_out + operator_name: special_i1e + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_i1e.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: special_logit + operator_name: special_logit + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_logit(Tensor self, float? eps=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_logit_out + operator_name: special_logit + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_logit.out(Tensor self, float? eps=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: eps + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_polygamma + operator_name: special_polygamma + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_polygamma(int n, Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (int64_t, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_polygamma_out + operator_name: special_polygamma + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_polygamma.out(int n, Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (int64_t, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_logsumexp + operator_name: special_logsumexp + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_logsumexp(Tensor self, int[1] dim, bool keepdim=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, at::IntArrayRef, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_logsumexp_out + operator_name: special_logsumexp + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_logsumexp.out(Tensor self, int[1] dim, bool keepdim=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::IntArrayRef, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_expit + operator_name: special_expit + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_expit(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_expit_out + operator_name: special_expit + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_expit.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_sinc + operator_name: special_sinc + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_sinc(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_sinc_out + operator_name: special_sinc + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_sinc.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_round + operator_name: special_round + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_round(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_round_out + operator_name: special_round + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_round.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_log1p + operator_name: special_log1p + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_log1p(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_log1p_out + operator_name: special_log1p + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_log1p.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_log_softmax + operator_name: special_log_softmax + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_log_softmax(Tensor self, int dim, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_gammainc_out + operator_name: special_gammainc + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_gammainc.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_gammainc + operator_name: special_gammainc + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_gammainc(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_gammaincc_out + operator_name: special_gammaincc + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_gammaincc.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_gammaincc + operator_name: special_gammaincc + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_gammaincc(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_multigammaln + operator_name: special_multigammaln + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_multigammaln(Tensor self, int p) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: p + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: p + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: special_multigammaln_out + operator_name: special_multigammaln + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::special_multigammaln.out(Tensor self, int p, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: p + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: p + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: special + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_fft + operator_name: fft_fft + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_fft(Tensor self, int? n=None, int dim=-1, str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_fft_out + operator_name: fft_fft + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_fft.out(Tensor self, int? n=None, int dim=-1, str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, int64_t, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_ifft + operator_name: fft_ifft + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_ifft(Tensor self, int? n=None, int dim=-1, str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_ifft_out + operator_name: fft_ifft + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_ifft.out(Tensor self, int? n=None, int dim=-1, str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, int64_t, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_rfft + operator_name: fft_rfft + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_rfft(Tensor self, int? n=None, int dim=-1, str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_rfft_out + operator_name: fft_rfft + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_rfft.out(Tensor self, int? n=None, int dim=-1, str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, int64_t, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_irfft + operator_name: fft_irfft + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_irfft(Tensor self, int? n=None, int dim=-1, str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_irfft_out + operator_name: fft_irfft + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_irfft.out(Tensor self, int? n=None, int dim=-1, str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, int64_t, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_hfft + operator_name: fft_hfft + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_hfft(Tensor self, int? n=None, int dim=-1, str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_hfft_out + operator_name: fft_hfft + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_hfft.out(Tensor self, int? n=None, int dim=-1, str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, int64_t, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_ihfft + operator_name: fft_ihfft + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_ihfft(Tensor self, int? n=None, int dim=-1, str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, int64_t, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_ihfft_out + operator_name: fft_ihfft + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_ihfft.out(Tensor self, int? n=None, int dim=-1, str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, int64_t, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: int64_t + is_nullable: true + name: n + type: c10::optional + - annotation: null + default: -1 + dynamic_type: int64_t + is_nullable: false + name: dim + type: int64_t + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_fft2 + operator_name: fft_fft2 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_fft2(Tensor self, int[1]? s=None, int[1] dim=[-2,-1], str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, at::IntArrayRef, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_fft2_out + operator_name: fft_fft2 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_fft2.out(Tensor self, int[1]? s=None, int[1] dim=[-2,-1], str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, at::IntArrayRef, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_ifft2 + operator_name: fft_ifft2 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_ifft2(Tensor self, int[1]? s=None, int[1] dim=[-2,-1], str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, at::IntArrayRef, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_ifft2_out + operator_name: fft_ifft2 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_ifft2.out(Tensor self, int[1]? s=None, int[1] dim=[-2,-1], str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, at::IntArrayRef, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_rfft2 + operator_name: fft_rfft2 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_rfft2(Tensor self, int[1]? s=None, int[1] dim=[-2,-1], str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, at::IntArrayRef, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_rfft2_out + operator_name: fft_rfft2 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_rfft2.out(Tensor self, int[1]? s=None, int[1] dim=[-2,-1], str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, at::IntArrayRef, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_irfft2 + operator_name: fft_irfft2 + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_irfft2(Tensor self, int[1]? s=None, int[1] dim=[-2,-1], str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, at::IntArrayRef, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_irfft2_out + operator_name: fft_irfft2 + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_irfft2.out(Tensor self, int[1]? s=None, int[1] dim=[-2,-1], str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, at::IntArrayRef, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + size: 1 + type: at::IntArrayRef + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_fftn + operator_name: fft_fftn + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_fftn(Tensor self, int[1]? s=None, int[1]? dim=None, str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_fftn_out + operator_name: fft_fftn + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_fftn.out(Tensor self, int[1]? s=None, int[1]? dim=None, str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_ifftn + operator_name: fft_ifftn + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_ifftn(Tensor self, int[1]? s=None, int[1]? dim=None, str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_ifftn_out + operator_name: fft_ifftn + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_ifftn.out(Tensor self, int[1]? s=None, int[1]? dim=None, str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_rfftn + operator_name: fft_rfftn + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_rfftn(Tensor self, int[1]? s=None, int[1]? dim=None, str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_rfftn_out + operator_name: fft_rfftn + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_rfftn.out(Tensor self, int[1]? s=None, int[1]? dim=None, str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_irfftn + operator_name: fft_irfftn + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_irfftn(Tensor self, int[1]? s=None, int[1]? dim=None, str? norm=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_irfftn_out + operator_name: fft_irfftn + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_irfftn.out(Tensor self, int[1]? s=None, int[1]? dim=None, str? norm=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, c10::optional, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: s + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + name: norm + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_fftfreq + operator_name: fft_fftfreq + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_fftfreq(int n, float d=1.0, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: d + type: double + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, double, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: d + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_fftfreq_out + operator_name: fft_fftfreq + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_fftfreq.out(int n, float d=1.0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: d + type: double + schema_order_cpp_signature: at::Tensor & (int64_t, double, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: d + type: double + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_rfftfreq + operator_name: fft_rfftfreq + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_rfftfreq(int n, float d=1.0, *, ScalarType? dtype=None, Layout? layout=None, Device? device=None, bool? pin_memory=None) -> Tensor + arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: d + type: double + - annotation: null + default: '{}' + dynamic_type: at::TensorOptions + is_nullable: false + kwarg_only: true + name: options + type: at::TensorOptions + schema_order_cpp_signature: at::Tensor (int64_t, double, c10::optional, c10::optional, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: d + type: double + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Layout + is_nullable: true + kwarg_only: true + name: layout + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: at::Device + is_nullable: true + kwarg_only: true + name: device + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: bool + is_nullable: true + kwarg_only: true + name: pin_memory + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: true + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_rfftfreq_out + operator_name: fft_rfftfreq + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_rfftfreq.out(int n, float d=1.0, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: d + type: double + schema_order_cpp_signature: at::Tensor & (int64_t, double, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - annotation: null + default: 1.0 + dynamic_type: double + is_nullable: false + name: d + type: double + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_fftshift + operator_name: fft_fftshift + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_fftshift(Tensor self, int[1]? dim=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: fft_ifftshift + operator_name: fft_ifftshift + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::fft_ifftshift(Tensor self, int[1]? dim=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: fft + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_cholesky_ex + operator_name: linalg_cholesky_ex + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_cholesky_ex(Tensor self, *, bool upper=False, bool check_errors=False) -> (Tensor L, Tensor info) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: upper + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: check_errors + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: upper + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: check_errors + type: bool + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: L + name: L + type: at::Tensor + - dynamic_type: at::Tensor + field_name: info + name: info + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_cholesky_ex_out + operator_name: linalg_cholesky_ex + overload_name: L + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_cholesky_ex.L(Tensor self, *, bool upper=False, bool check_errors=False, Tensor(a!) L, Tensor(b!) info) -> (Tensor(a!) L, Tensor(b!) info) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: L + is_nullable: false + name: L + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: info + is_nullable: false + name: info + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: upper + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: check_errors + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: upper + type: bool + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: check_errors + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: L + is_nullable: false + name: L + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: info + is_nullable: false + name: info + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: L + name: L + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: info + name: info + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_cholesky + operator_name: linalg_cholesky + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_cholesky(Tensor self, *, bool upper=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: upper + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: upper + type: bool + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_cholesky_out + operator_name: linalg_cholesky + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_cholesky.out(Tensor self, *, bool upper=False, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: upper + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: upper + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_det + operator_name: linalg_det + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_det(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_det_out + operator_name: linalg_det + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_det.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: det + operator_name: det + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::det(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _det_lu_based_helper + operator_name: _det_lu_based_helper + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_det_lu_based_helper(Tensor self) -> (Tensor det, Tensor lu, Tensor pivs) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + field_name: det + name: det + type: at::Tensor + - dynamic_type: at::Tensor + field_name: lu + name: lu + type: at::Tensor + - dynamic_type: at::Tensor + field_name: pivs + name: pivs + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _det_lu_based_helper_backward_helper + operator_name: _det_lu_based_helper_backward_helper + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_det_lu_based_helper_backward_helper(Tensor det_grad, Tensor det, Tensor self, Tensor lu, Tensor pivs) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: det_grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: det + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: lu + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: pivs + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: det_grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: det + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: lu + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: pivs + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_lstsq + operator_name: linalg_lstsq + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_lstsq(Tensor self, Tensor b, float? rcond=None, *, str? driver=None) -> (Tensor solution, Tensor residuals, Tensor rank, Tensor singular_values) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: rcond + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: driver + type: c10::optional + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, c10::optional, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: rcond + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: driver + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: solution + name: solution + type: at::Tensor + - dynamic_type: at::Tensor + field_name: residuals + name: residuals + type: at::Tensor + - dynamic_type: at::Tensor + field_name: rank + name: rank + type: at::Tensor + - dynamic_type: at::Tensor + field_name: singular_values + name: singular_values + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_lstsq_out + operator_name: linalg_lstsq + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_lstsq.out(Tensor self, Tensor b, float? rcond=None, *, str? driver=None, Tensor(a!) solution, Tensor(b!) residuals, Tensor(c!) rank, Tensor(d!) singular_values) -> (Tensor(a!) solution, Tensor(b!) residuals, Tensor(c!) rank, Tensor(d!) singular_values) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: solution + is_nullable: false + name: solution + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: residuals + is_nullable: false + name: residuals + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + field_name: rank + is_nullable: false + name: rank + output: true + type: at::Tensor & + - allocate: true + annotation: d! + dynamic_type: at::Tensor + field_name: singular_values + is_nullable: false + name: singular_values + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: rcond + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: driver + type: c10::optional + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, const at::Tensor &, c10::optional, c10::optional, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: b + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: rcond + type: c10::optional + - annotation: null + default: c10::nullopt + dynamic_type: c10::string_view + is_nullable: true + kwarg_only: true + name: driver + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: solution + is_nullable: false + name: solution + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: residuals + is_nullable: false + name: residuals + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + field_name: rank + is_nullable: false + name: rank + output: true + type: at::Tensor & + - allocate: true + annotation: d! + dynamic_type: at::Tensor + field_name: singular_values + is_nullable: false + name: singular_values + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: solution + name: solution + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: residuals + name: residuals + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: rank + name: rank + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: singular_values + name: singular_values + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_matmul + operator_name: linalg_matmul + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_matmul(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_matmul_out + operator_name: linalg_matmul + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_matmul.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_slogdet + operator_name: linalg_slogdet + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_slogdet(Tensor self) -> (Tensor sign, Tensor logabsdet) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: sign + name: sign + type: at::Tensor + - dynamic_type: at::Tensor + field_name: logabsdet + name: logabsdet + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_slogdet_out + operator_name: linalg_slogdet + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_slogdet.out(Tensor self, *, Tensor(a!) sign, Tensor(b!) logabsdet) -> (Tensor(a!) sign, Tensor(b!) logabsdet) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: sign + is_nullable: false + name: sign + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: logabsdet + is_nullable: false + name: logabsdet + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: sign + is_nullable: false + name: sign + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: logabsdet + is_nullable: false + name: logabsdet + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: sign + name: sign + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: logabsdet + name: logabsdet + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_eig + operator_name: linalg_eig + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_eig(Tensor self) -> (Tensor eigenvalues, Tensor eigenvectors) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: eigenvalues + name: eigenvalues + type: at::Tensor + - dynamic_type: at::Tensor + field_name: eigenvectors + name: eigenvectors + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_eig_out + operator_name: linalg_eig + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_eig.out(Tensor self, *, Tensor(a!) eigenvalues, Tensor(b!) eigenvectors) -> (Tensor(a!) eigenvalues, Tensor(b!) eigenvectors) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: eigenvalues + is_nullable: false + name: eigenvalues + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: eigenvectors + is_nullable: false + name: eigenvectors + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: eigenvalues + is_nullable: false + name: eigenvalues + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: eigenvectors + is_nullable: false + name: eigenvectors + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: eigenvalues + name: eigenvalues + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: eigenvectors + name: eigenvectors + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_eigvals + operator_name: linalg_eigvals + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_eigvals(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_eigvals_out + operator_name: linalg_eigvals + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_eigvals.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_eigh + operator_name: linalg_eigh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_eigh(Tensor self, str UPLO="L") -> (Tensor eigenvalues, Tensor eigenvectors) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"L"' + dynamic_type: c10::string_view + is_nullable: false + name: UPLO + type: c10::string_view + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"L"' + dynamic_type: c10::string_view + is_nullable: false + name: UPLO + type: c10::string_view + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: eigenvalues + name: eigenvalues + type: at::Tensor + - dynamic_type: at::Tensor + field_name: eigenvectors + name: eigenvectors + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_eigh_out + operator_name: linalg_eigh + overload_name: eigvals + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_eigh.eigvals(Tensor self, str UPLO="L", *, Tensor(a!) eigvals, Tensor(b!) eigvecs) -> (Tensor(a!) eigenvalues, Tensor(b!) eigenvectors) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: eigenvalues + is_nullable: false + name: eigvals + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: eigenvectors + is_nullable: false + name: eigvecs + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"L"' + dynamic_type: c10::string_view + is_nullable: false + name: UPLO + type: c10::string_view + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, c10::string_view, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"L"' + dynamic_type: c10::string_view + is_nullable: false + name: UPLO + type: c10::string_view + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: eigenvalues + is_nullable: false + name: eigvals + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: eigenvectors + is_nullable: false + name: eigvecs + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: eigenvalues + name: eigvals + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: eigenvectors + name: eigvecs + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_eigvalsh + operator_name: linalg_eigvalsh + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_eigvalsh(Tensor self, str UPLO="L") -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"L"' + dynamic_type: c10::string_view + is_nullable: false + name: UPLO + type: c10::string_view + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"L"' + dynamic_type: c10::string_view + is_nullable: false + name: UPLO + type: c10::string_view + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_eigvalsh_out + operator_name: linalg_eigvalsh + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_eigvalsh.out(Tensor self, str UPLO='L', *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"L"' + dynamic_type: c10::string_view + is_nullable: false + name: UPLO + type: c10::string_view + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::string_view, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"L"' + dynamic_type: c10::string_view + is_nullable: false + name: UPLO + type: c10::string_view + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_householder_product + operator_name: linalg_householder_product + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_householder_product(Tensor input, Tensor tau) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tau + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tau + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_householder_product_out + operator_name: linalg_householder_product + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_householder_product.out(Tensor input, Tensor tau, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tau + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tau + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _linalg_inv_out_helper_ + operator_name: _linalg_inv_out_helper_ + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_linalg_inv_out_helper_(Tensor(a!) self, Tensor(b!) infos_lu, Tensor(c!) infos_getri) -> Tensor(a!) + arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: infos_lu + type: at::Tensor & + - annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: infos_getri + type: at::Tensor & + schema_order_cpp_signature: at::Tensor & (at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: self + type: at::Tensor & + - annotation: b! + dynamic_type: at::Tensor + is_nullable: false + name: infos_lu + type: at::Tensor & + - annotation: c! + dynamic_type: at::Tensor + is_nullable: false + name: infos_getri + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: self + type: at::Tensor & + inplace: true + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_inv_ex + operator_name: linalg_inv_ex + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_inv_ex(Tensor self, *, bool check_errors=False) -> (Tensor inverse, Tensor info) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: check_errors + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: check_errors + type: bool + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: inverse + name: inverse + type: at::Tensor + - dynamic_type: at::Tensor + field_name: info + name: info + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_inv_ex_out + operator_name: linalg_inv_ex + overload_name: inverse + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_inv_ex.inverse(Tensor self, *, bool check_errors=False, Tensor(a!) inverse, Tensor(b!) info) -> (Tensor(a!) inverse, Tensor(b!) info) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: inverse + is_nullable: false + name: inverse + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: info + is_nullable: false + name: info + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: check_errors + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: check_errors + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: inverse + is_nullable: false + name: inverse + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: info + is_nullable: false + name: info + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: inverse + name: inverse + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: info + name: info + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_inv + operator_name: linalg_inv + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_inv(Tensor self) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_inv_out + operator_name: linalg_inv + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_inv.out(Tensor self, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: inner + operator_name: inner + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::inner(Tensor self, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: inner_out + operator_name: inner + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::inner.out(Tensor self, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: outer + operator_name: outer + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::outer(Tensor self, Tensor vec2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: outer_out + operator_name: outer + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::outer.out(Tensor self, Tensor vec2, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: ger + operator_name: ger + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::ger(Tensor self, Tensor vec2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + method_of: + - Type + - Tensor + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: ger_out + operator_name: ger + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::ger.out(Tensor self, Tensor vec2, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: vec2 + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_norm + operator_name: linalg_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_norm(Tensor self, Scalar? ord=None, int[1]? dim=None, bool keepdim=False, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: ord + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &, c10::optional, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: ord + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_norm + operator_name: linalg_norm + overload_name: ord_str + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_norm.ord_str(Tensor self, str ord, int[1]? dim=None, bool keepdim=False, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: ord + type: c10::string_view + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::string_view, c10::optional, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: ord + type: c10::string_view + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_norm_out + operator_name: linalg_norm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_norm.out(Tensor self, Scalar? ord=None, int[1]? dim=None, bool keepdim=False, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: ord + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const c10::optional &, c10::optional, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: ord + type: const c10::optional & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_norm_out + operator_name: linalg_norm + overload_name: ord_str_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_norm.ord_str_out(Tensor self, str ord, int[1]? dim=None, bool keepdim=False, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: ord + type: c10::string_view + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::string_view, c10::optional, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: ord + type: c10::string_view + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_vector_norm + operator_name: linalg_vector_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_vector_norm(Tensor self, Scalar ord=2, int[1]? dim=None, bool keepdim=False, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: const at::Scalar & + is_nullable: false + name: ord + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, c10::optional, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: const at::Scalar & + is_nullable: false + name: ord + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_vector_norm_out + operator_name: linalg_vector_norm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_vector_norm.out(Tensor self, Scalar ord=2, int[1]? dim=None, bool keepdim=False, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: const at::Scalar & + is_nullable: false + name: ord + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, c10::optional, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: const at::Scalar & + is_nullable: false + name: ord + type: const at::Scalar & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dim + size: 1 + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_matrix_norm + operator_name: linalg_matrix_norm + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_matrix_norm(Tensor self, Scalar ord, int[] dim=[-2,-1], bool keepdim=False, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: ord + type: const at::Scalar & + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Scalar &, at::IntArrayRef, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: ord + type: const at::Scalar & + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_matrix_norm_out + operator_name: linalg_matrix_norm + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_matrix_norm.out(Tensor self, Scalar ord, int[] dim=[-2,-1], bool keepdim=False, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: ord + type: const at::Scalar & + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Scalar &, at::IntArrayRef, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: const at::Scalar & + is_nullable: false + name: ord + type: const at::Scalar & + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_matrix_norm + operator_name: linalg_matrix_norm + overload_name: str_ord + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_matrix_norm.str_ord(Tensor self, str ord='fro', int[] dim=[-2,-1], bool keepdim=False, *, ScalarType? dtype=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"fro"' + dynamic_type: c10::string_view + is_nullable: false + name: ord + type: c10::string_view + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::string_view, at::IntArrayRef, bool, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"fro"' + dynamic_type: c10::string_view + is_nullable: false + name: ord + type: c10::string_view + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_matrix_norm_out + operator_name: linalg_matrix_norm + overload_name: str_ord_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_matrix_norm.str_ord_out(Tensor self, str ord='fro', int[] dim=[-2,-1], bool keepdim=False, *, ScalarType? dtype=None, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"fro"' + dynamic_type: c10::string_view + is_nullable: false + name: ord + type: c10::string_view + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::string_view, at::IntArrayRef, bool, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"fro"' + dynamic_type: c10::string_view + is_nullable: false + name: ord + type: c10::string_view + - annotation: null + default: '{-2,-1}' + dynamic_type: at::IntArrayRef + is_nullable: false + name: dim + type: at::IntArrayRef + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: keepdim + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: at::ScalarType + is_nullable: true + kwarg_only: true + name: dtype + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_svd_out + operator_name: linalg_svd + overload_name: U + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_svd.U(Tensor self, bool full_matrices=True, *, Tensor(a!) U, Tensor(b!) S, Tensor(c!) Vh) -> (Tensor(a!) U, Tensor(b!) S, Tensor(c!) Vh) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: U + is_nullable: false + name: U + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: S + is_nullable: false + name: S + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + field_name: Vh + is_nullable: false + name: Vh + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: full_matrices + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool, at::Tensor &, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: full_matrices + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: U + is_nullable: false + name: U + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: S + is_nullable: false + name: S + output: true + type: at::Tensor & + - allocate: true + annotation: c! + dynamic_type: at::Tensor + field_name: Vh + is_nullable: false + name: Vh + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: U + name: U + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: S + name: S + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: Vh + name: Vh + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_svd + operator_name: linalg_svd + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_svd(Tensor self, bool full_matrices=True) -> (Tensor U, Tensor S, Tensor Vh) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: full_matrices + type: bool + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: true + dynamic_type: bool + is_nullable: false + name: full_matrices + type: bool + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: U + name: U + type: at::Tensor + - dynamic_type: at::Tensor + field_name: S + name: S + type: at::Tensor + - dynamic_type: at::Tensor + field_name: Vh + name: Vh + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_svdvals + operator_name: linalg_svdvals + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_svdvals(Tensor input) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_svdvals_out + operator_name: linalg_svdvals + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_svdvals.out(Tensor input, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_cond + operator_name: linalg_cond + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_cond(Tensor self, Scalar? p=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_cond_out + operator_name: linalg_cond + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_cond.out(Tensor self, Scalar? p=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const c10::optional &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + name: p + type: const c10::optional & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_cond + operator_name: linalg_cond + overload_name: p_str + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_cond.p_str(Tensor self, str p) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: p + type: c10::string_view + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: p + type: c10::string_view + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_cond_out + operator_name: linalg_cond + overload_name: p_str_out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_cond.p_str_out(Tensor self, str p, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: p + type: c10::string_view + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::string_view, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: p + type: c10::string_view + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_pinv + operator_name: linalg_pinv + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_pinv(Tensor self, float rcond=1e-15, bool hermitian=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1.0e-15 + dynamic_type: double + is_nullable: false + name: rcond + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, double, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1.0e-15 + dynamic_type: double + is_nullable: false + name: rcond + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_pinv + operator_name: linalg_pinv + overload_name: rcond_tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_pinv.rcond_tensor(Tensor self, Tensor rcond, bool hermitian=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: rcond + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: rcond + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_pinv_out + operator_name: linalg_pinv + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_pinv.out(Tensor self, float rcond=1e-15, bool hermitian=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1.0e-15 + dynamic_type: double + is_nullable: false + name: rcond + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, double, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 1.0e-15 + dynamic_type: double + is_nullable: false + name: rcond + type: double + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_pinv_out + operator_name: linalg_pinv + overload_name: out_rcond_tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_pinv.out_rcond_tensor(Tensor self, Tensor rcond, bool hermitian=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: rcond + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: rcond + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_solve + operator_name: linalg_solve + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_solve(Tensor input, Tensor other) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_solve_out + operator_name: linalg_solve + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_solve.out(Tensor input, Tensor other, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_tensorinv + operator_name: linalg_tensorinv + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_tensorinv(Tensor self, int ind=2) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: int64_t + is_nullable: false + name: ind + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: int64_t + is_nullable: false + name: ind + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_tensorinv_out + operator_name: linalg_tensorinv + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_tensorinv.out(Tensor self, int ind=2, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: int64_t + is_nullable: false + name: ind + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: int64_t + is_nullable: false + name: ind + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_tensorsolve + operator_name: linalg_tensorsolve + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_tensorsolve(Tensor self, Tensor other, int[]? dims=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dims + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dims + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_tensorsolve_out + operator_name: linalg_tensorsolve + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_tensorsolve.out(Tensor self, Tensor other, int[]? dims=None, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dims + type: c10::optional + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, c10::optional, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: at::IntArrayRef + is_nullable: true + name: dims + type: c10::optional + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_qr + operator_name: linalg_qr + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_qr(Tensor self, str mode='reduced') -> (Tensor Q, Tensor R) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"reduced"' + dynamic_type: c10::string_view + is_nullable: false + name: mode + type: c10::string_view + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"reduced"' + dynamic_type: c10::string_view + is_nullable: false + name: mode + type: c10::string_view + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: Q + name: Q + type: at::Tensor + - dynamic_type: at::Tensor + field_name: R + name: R + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_qr_out + operator_name: linalg_qr + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_qr.out(Tensor self, str mode='reduced', *, Tensor(a!) Q, Tensor(b!) R) -> (Tensor(a!) Q, Tensor(b!) R) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: Q + is_nullable: false + name: Q + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: R + is_nullable: false + name: R + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"reduced"' + dynamic_type: c10::string_view + is_nullable: false + name: mode + type: c10::string_view + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, c10::string_view, at::Tensor &, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: '"reduced"' + dynamic_type: c10::string_view + is_nullable: false + name: mode + type: c10::string_view + - allocate: true + annotation: a! + dynamic_type: at::Tensor + field_name: Q + is_nullable: false + name: Q + output: true + type: at::Tensor & + - allocate: true + annotation: b! + dynamic_type: at::Tensor + field_name: R + is_nullable: false + name: R + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + field_name: Q + name: Q + type: at::Tensor & + - dynamic_type: at::Tensor + field_name: R + name: R + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _linalg_qr_helper + operator_name: _linalg_qr_helper + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_linalg_qr_helper(Tensor self, str mode) -> (Tensor, Tensor) + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: mode + type: c10::string_view + schema_order_cpp_signature: ::std::tuple (const at::Tensor &, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: mode + type: c10::string_view + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result0 + type: at::Tensor + - dynamic_type: at::Tensor + name: result1 + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: linalg_matrix_power + operator_name: linalg_matrix_power + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_matrix_power(Tensor self, int n) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_matrix_power_out + operator_name: linalg_matrix_power + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_matrix_power.out(Tensor self, int n, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, int64_t, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: int64_t + is_nullable: false + name: n + type: int64_t + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_matrix_rank + operator_name: linalg_matrix_rank + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_matrix_rank(Tensor self, float? tol=None, bool hermitian=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: tol + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: tol + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_matrix_rank_out + operator_name: linalg_matrix_rank + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_matrix_rank.out(Tensor self, float? tol=None, bool hermitian=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: tol + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, c10::optional, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + default: c10::nullopt + dynamic_type: double + is_nullable: true + name: tol + type: c10::optional + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_matrix_rank + operator_name: linalg_matrix_rank + overload_name: tol_tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_matrix_rank.tol_tensor(Tensor input, Tensor tol, bool hermitian=False) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tol + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, bool) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tol + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_matrix_rank_out + operator_name: linalg_matrix_rank + overload_name: out_tol_tensor + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_matrix_rank.out_tol_tensor(Tensor input, Tensor tol, bool hermitian=False, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tol + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + schema_order_cpp_signature: at::Tensor & (const at::Tensor &, const at::Tensor &, bool, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: input + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: tol + type: const at::Tensor & + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: hermitian + type: bool + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_multi_dot + operator_name: linalg_multi_dot + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_multi_dot(Tensor[] tensors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: linalg_multi_dot_out + operator_name: linalg_multi_dot + overload_name: out + manual_kernel_registration: false + category_override: '' + schema_string: aten::linalg_multi_dot.out(Tensor[] tensors, *, Tensor(a!) out) -> Tensor(a!) + arguments: + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor & (at::TensorList, at::Tensor &) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + - allocate: true + annotation: a! + dynamic_type: at::Tensor + is_nullable: false + name: out + output: true + type: at::Tensor & + method_of: + - Type + - namespace + mode: native + python_module: linalg + returns: + - dynamic_type: at::Tensor + name: out + type: at::Tensor & + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _test_serialization_subcmul + operator_name: _test_serialization_subcmul + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_test_serialization_subcmul(Tensor self, Tensor other, Scalar alpha=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Scalar &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: self + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: other + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: const at::Scalar & + is_nullable: false + name: alpha + type: const at::Scalar & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _test_optional_intlist + operator_name: _test_optional_intlist + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_test_optional_intlist(Tensor values, int[]? addends) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: addends + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: addends + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _test_optional_filled_intlist + operator_name: _test_optional_filled_intlist + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_test_optional_filled_intlist(Tensor values, int[2]? addends) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: addends + size: 2 + type: c10::optional + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::IntArrayRef + is_nullable: true + name: addends + size: 2 + type: c10::optional + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _test_optional_floatlist + operator_name: _test_optional_floatlist + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_test_optional_floatlist(Tensor values, float[]? addends) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: addends + type: c10::optional> + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::optional>) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: values + type: const at::Tensor & + - annotation: null + dynamic_type: at::ArrayRef + is_nullable: true + name: addends + type: c10::optional> + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _test_string_default + operator_name: _test_string_default + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_test_string_default(Tensor dummy, str a="\"'\\", str b='"\'\\') -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dummy + type: const at::Tensor & + - annotation: null + default: '"\"''\\"' + dynamic_type: c10::string_view + is_nullable: false + name: a + type: c10::string_view + - annotation: null + default: '"\"''\\"' + dynamic_type: c10::string_view + is_nullable: false + name: b + type: c10::string_view + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::string_view, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dummy + type: const at::Tensor & + - annotation: null + default: '"\"''\\"' + dynamic_type: c10::string_view + is_nullable: false + name: a + type: c10::string_view + - annotation: null + default: '"\"''\\"' + dynamic_type: c10::string_view + is_nullable: false + name: b + type: c10::string_view + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _test_ambiguous_defaults + operator_name: _test_ambiguous_defaults + overload_name: a + manual_kernel_registration: false + category_override: '' + schema_string: aten::_test_ambiguous_defaults.a(Tensor dummy, int a=1, int b=1) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dummy + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: a + type: int64_t + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: b + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dummy + type: const at::Tensor & + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: a + type: int64_t + - annotation: null + default: 1 + dynamic_type: int64_t + is_nullable: false + name: b + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: _test_ambiguous_defaults + operator_name: _test_ambiguous_defaults + overload_name: b + manual_kernel_registration: false + category_override: '' + schema_string: aten::_test_ambiguous_defaults.b(Tensor dummy, int a=2, str b="2") -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dummy + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: int64_t + is_nullable: false + name: a + type: int64_t + - annotation: null + default: '"2"' + dynamic_type: c10::string_view + is_nullable: false + name: b + type: c10::string_view + schema_order_cpp_signature: at::Tensor (const at::Tensor &, int64_t, c10::string_view) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: dummy + type: const at::Tensor & + - annotation: null + default: 2 + dynamic_type: int64_t + is_nullable: false + name: a + type: int64_t + - annotation: null + default: '"2"' + dynamic_type: c10::string_view + is_nullable: false + name: b + type: c10::string_view + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: segment_reduce + operator_name: segment_reduce + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::segment_reduce(Tensor data, str reduce, *, Tensor? lengths=None, Tensor? indices=None, int axis=0, bool unsafe=False, Scalar? initial=None) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: reduce + type: c10::string_view + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: lengths + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: indices + type: const c10::optional & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: axis + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: unsafe + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + kwarg_only: true + name: initial + type: const c10::optional & + schema_order_cpp_signature: at::Tensor (const at::Tensor &, c10::string_view, const c10::optional &, const c10::optional &, int64_t, bool, const c10::optional &) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: reduce + type: c10::string_view + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: lengths + type: const c10::optional & + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: indices + type: const c10::optional & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: axis + type: int64_t + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + kwarg_only: true + name: unsafe + type: bool + - annotation: null + default: c10::nullopt + dynamic_type: const at::Scalar & + is_nullable: true + kwarg_only: true + name: initial + type: const c10::optional & + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: _segment_reduce_backward + operator_name: _segment_reduce_backward + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::_segment_reduce_backward(Tensor grad, Tensor output, Tensor data, str reduce, *, Tensor? lengths=None, int axis=0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: reduce + type: c10::string_view + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: lengths + type: const c10::optional & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: axis + type: int64_t + schema_order_cpp_signature: at::Tensor (const at::Tensor &, const at::Tensor &, const at::Tensor &, c10::string_view, const c10::optional &, int64_t) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: grad + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: output + type: const at::Tensor & + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: data + type: const at::Tensor & + - annotation: null + dynamic_type: c10::string_view + is_nullable: false + name: reduce + type: c10::string_view + - annotation: null + default: '{}' + dynamic_type: at::Tensor + is_nullable: true + kwarg_only: true + name: lengths + type: const c10::optional & + - annotation: null + default: 0 + dynamic_type: int64_t + is_nullable: false + kwarg_only: true + name: axis + type: int64_t + method_of: + - Type + - namespace + mode: native + python_module: '' + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: true + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: false +- name: pad_sequence + operator_name: pad_sequence + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::pad_sequence(Tensor[] sequences, bool batch_first=False, float padding_value=0.0) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: sequences + type: at::TensorList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + default: 0.0 + dynamic_type: double + is_nullable: false + name: padding_value + type: double + schema_order_cpp_signature: at::Tensor (at::TensorList, bool, double) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: sequences + type: at::TensorList + - annotation: null + default: false + dynamic_type: bool + is_nullable: false + name: batch_first + type: bool + - annotation: null + default: 0.0 + dynamic_type: double + is_nullable: false + name: padding_value + type: double + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: flatten_dense_tensors + operator_name: flatten_dense_tensors + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::flatten_dense_tensors(Tensor[] tensors) -> Tensor + arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: at::Tensor (at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::Tensor + name: result + type: at::Tensor + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true +- name: unflatten_dense_tensors + operator_name: unflatten_dense_tensors + overload_name: '' + manual_kernel_registration: false + category_override: '' + schema_string: aten::unflatten_dense_tensors(Tensor flat, Tensor[] tensors) -> Tensor[] + arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: flat + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + schema_order_cpp_signature: ::std::vector (const at::Tensor &, at::TensorList) + schema_order_arguments: + - annotation: null + dynamic_type: at::Tensor + is_nullable: false + name: flat + type: const at::Tensor & + - annotation: null + dynamic_type: at::TensorList + is_nullable: false + name: tensors + type: at::TensorList + method_of: + - Type + - namespace + mode: native + python_module: nn + returns: + - dynamic_type: at::TensorList + name: result + type: ::std::vector + inplace: false + is_factory_method: false + abstract: false + device_guard: true + with_gil: false + deprecated: false + has_math_kernel: true diff --git a/libtch/c-generated.go b/libtch/c-generated.go index bc46c50..4f8748d 100644 --- a/libtch/c-generated.go +++ b/libtch/c-generated.go @@ -98,6 +98,12 @@ func Atg_AddRelu_(ptr *Ctensor, self Ctensor, other Ctensor){ func Atg_AddReluOut(ptr *Ctensor, out Ctensor, self Ctensor, other Ctensor){ C.atg__add_relu_out(ptr, out, self, other) } +func Atg_AddReluScalar(ptr *Ctensor, self Ctensor, other Cscalar){ + C.atg__add_relu_scalar(ptr, self, other ) +} +func Atg_AddReluScalar_(ptr *Ctensor, self Ctensor, other Cscalar){ + C.atg__add_relu_scalar_(ptr, self, other ) +} func Atg_Aminmax(ptr *Ctensor, self Ctensor){ C.atg__aminmax(ptr, self) } @@ -115,14 +121,6 @@ cgrowthInterval := *(*C.int64_t)(unsafe.Pointer(&growthInterval)) func Atg_BaddbmmMkl_(ptr *Ctensor, self Ctensor, batch1 Ctensor, batch2 Ctensor){ C.atg__baddbmm_mkl_(ptr, self, batch1, batch2) } -func Atg_Bmm(ptr *Ctensor, self Ctensor, mat2 Ctensor, deterministic int32){ -cdeterministic := *(*C.int)(unsafe.Pointer(&deterministic)) - C.atg__bmm(ptr, self, mat2, cdeterministic) -} -func Atg_BmmOut(ptr *Ctensor, out Ctensor, self Ctensor, mat2 Ctensor, deterministic int32){ -cdeterministic := *(*C.int)(unsafe.Pointer(&deterministic)) - C.atg__bmm_out(ptr, out, self, mat2, cdeterministic) -} func Atg_CastByte(ptr *Ctensor, self Ctensor, nonBlocking int32){ cnonBlocking := *(*C.int)(unsafe.Pointer(&nonBlocking)) C.atg__cast_byte(ptr, self, cnonBlocking) @@ -191,6 +189,52 @@ func Atg_ComputeLinearCombinationOut(ptr *Ctensor, out Ctensor, input Ctensor, c func Atg_Conj(ptr *Ctensor, self Ctensor){ C.atg__conj(ptr, self) } +func Atg_ConjPhysical(ptr *Ctensor, self Ctensor){ + C.atg__conj_physical(ptr, self) +} +func Atg_ConvDepthwise2d(ptr *Ctensor, self Ctensor, weight Ctensor, kernelSizeData []int64, kernelSizeLen int, bias Ctensor, strideData []int64, strideLen int, paddingData []int64, paddingLen int, dilationData []int64, dilationLen int){ +ckernelSizeDataPtr := (*C.int64_t)(unsafe.Pointer(&kernelSizeData[0])) +ckernelSizeLen := *(*C.int)(unsafe.Pointer(&kernelSizeLen)) +cstrideDataPtr := (*C.int64_t)(unsafe.Pointer(&strideData[0])) +cstrideLen := *(*C.int)(unsafe.Pointer(&strideLen)) +cpaddingDataPtr := (*C.int64_t)(unsafe.Pointer(&paddingData[0])) +cpaddingLen := *(*C.int)(unsafe.Pointer(&paddingLen)) +cdilationDataPtr := (*C.int64_t)(unsafe.Pointer(&dilationData[0])) +cdilationLen := *(*C.int)(unsafe.Pointer(&dilationLen)) + C.atg__conv_depthwise2d(ptr, self, weight, ckernelSizeDataPtr, ckernelSizeLen, bias, cstrideDataPtr, cstrideLen, cpaddingDataPtr, cpaddingLen, cdilationDataPtr, cdilationLen) +} +func Atg_ConvDepthwise2dBackward(ptr *Ctensor, gradInput Ctensor, gradWeight Ctensor, gradOutput Ctensor, self Ctensor, weight Ctensor, kernelSizeData []int64, kernelSizeLen int, strideData []int64, strideLen int, paddingData []int64, paddingLen int, dilationData []int64, dilationLen int){ +ckernelSizeDataPtr := (*C.int64_t)(unsafe.Pointer(&kernelSizeData[0])) +ckernelSizeLen := *(*C.int)(unsafe.Pointer(&kernelSizeLen)) +cstrideDataPtr := (*C.int64_t)(unsafe.Pointer(&strideData[0])) +cstrideLen := *(*C.int)(unsafe.Pointer(&strideLen)) +cpaddingDataPtr := (*C.int64_t)(unsafe.Pointer(&paddingData[0])) +cpaddingLen := *(*C.int)(unsafe.Pointer(&paddingLen)) +cdilationDataPtr := (*C.int64_t)(unsafe.Pointer(&dilationData[0])) +cdilationLen := *(*C.int)(unsafe.Pointer(&dilationLen)) + C.atg__conv_depthwise2d_backward(ptr, gradInput, gradWeight, gradOutput, self, weight, ckernelSizeDataPtr, ckernelSizeLen, cstrideDataPtr, cstrideLen, cpaddingDataPtr, cpaddingLen, cdilationDataPtr, cdilationLen) +} +func Atg_ConvDepthwise2dOut(ptr *Ctensor, out Ctensor, self Ctensor, weight Ctensor, kernelSizeData []int64, kernelSizeLen int, bias Ctensor, strideData []int64, strideLen int, paddingData []int64, paddingLen int, dilationData []int64, dilationLen int){ +ckernelSizeDataPtr := (*C.int64_t)(unsafe.Pointer(&kernelSizeData[0])) +ckernelSizeLen := *(*C.int)(unsafe.Pointer(&kernelSizeLen)) +cstrideDataPtr := (*C.int64_t)(unsafe.Pointer(&strideData[0])) +cstrideLen := *(*C.int)(unsafe.Pointer(&strideLen)) +cpaddingDataPtr := (*C.int64_t)(unsafe.Pointer(&paddingData[0])) +cpaddingLen := *(*C.int)(unsafe.Pointer(&paddingLen)) +cdilationDataPtr := (*C.int64_t)(unsafe.Pointer(&dilationData[0])) +cdilationLen := *(*C.int)(unsafe.Pointer(&dilationLen)) + C.atg__conv_depthwise2d_out(ptr, out, self, weight, ckernelSizeDataPtr, ckernelSizeLen, bias, cstrideDataPtr, cstrideLen, cpaddingDataPtr, cpaddingLen, cdilationDataPtr, cdilationLen) +} +func Atg_ConvertIndicesFromCooToCsr(ptr *Ctensor, self Ctensor, size int64, outInt32 int32){ +csize := *(*C.int64_t)(unsafe.Pointer(&size)) +coutInt32 := *(*C.int)(unsafe.Pointer(&outInt32)) + C.atg__convert_indices_from_coo_to_csr(ptr, self, csize, coutInt32) +} +func Atg_ConvertIndicesFromCooToCsrOut(ptr *Ctensor, out Ctensor, self Ctensor, size int64, outInt32 int32){ +csize := *(*C.int64_t)(unsafe.Pointer(&size)) +coutInt32 := *(*C.int)(unsafe.Pointer(&outInt32)) + C.atg__convert_indices_from_coo_to_csr_out(ptr, out, self, csize, coutInt32) +} func Atg_Convolution(ptr *Ctensor, input Ctensor, weight Ctensor, bias Ctensor, strideData []int64, strideLen int, paddingData []int64, paddingLen int, dilationData []int64, dilationLen int, transposed int32, outputPaddingData []int64, outputPaddingLen int, groups int64, benchmark int32, deterministic int32, cudnnEnabled int32, allowTf32 int32){ cstrideDataPtr := (*C.int64_t)(unsafe.Pointer(&strideData[0])) cstrideLen := *(*C.int)(unsafe.Pointer(&strideLen)) @@ -251,6 +295,9 @@ func Atg_CopyFrom(ptr *Ctensor, self Ctensor, dst Ctensor, nonBlocking int32){ cnonBlocking := *(*C.int)(unsafe.Pointer(&nonBlocking)) C.atg__copy_from(ptr, self, dst, cnonBlocking) } +func Atg_CopyFromAndResize(ptr *Ctensor, self Ctensor, dst Ctensor){ + C.atg__copy_from_and_resize(ptr, self, dst) +} func Atg_CtcLoss(ptr *Ctensor, logProbs Ctensor, targets Ctensor, inputLengthsData []int64, inputLengthsLen int, targetLengthsData []int64, targetLengthsLen int, blank int64, zeroInfinity int32){ cinputLengthsDataPtr := (*C.int64_t)(unsafe.Pointer(&inputLengthsData[0])) cinputLengthsLen := *(*C.int)(unsafe.Pointer(&inputLengthsLen)) @@ -326,26 +373,16 @@ cdeviceIndex := *(*C.int64_t)(unsafe.Pointer(&deviceIndex)) cResult := C.atg__cufft_get_plan_cache_size(cdeviceIndex) return *(*int64)(unsafe.Pointer(&cResult)) } -func Atg_Cumprod(ptr *Ctensor, self Ctensor, dim int64){ -cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) - C.atg__cumprod(ptr, self, cdim) -} -func Atg_CumprodOut(ptr *Ctensor, out Ctensor, self Ctensor, dim int64){ -cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) - C.atg__cumprod_out(ptr, out, self, cdim) -} -func Atg_Cumsum(ptr *Ctensor, self Ctensor, dim int64){ -cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) - C.atg__cumsum(ptr, self, cdim) -} -func Atg_CumsumOut(ptr *Ctensor, out Ctensor, self Ctensor, dim int64){ -cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) - C.atg__cumsum_out(ptr, out, self, cdim) -} func Atg_DebugHasInternalOverlap(self Ctensor) int64{ cResult := C.atg__debug_has_internal_overlap(self) return *(*int64)(unsafe.Pointer(&cResult)) } +func Atg_DetLuBasedHelper(ptr *Ctensor, self Ctensor){ + C.atg__det_lu_based_helper(ptr, self) +} +func Atg_DetLuBasedHelperBackwardHelper(ptr *Ctensor, detGrad Ctensor, det Ctensor, self Ctensor, lu Ctensor, pivs Ctensor){ + C.atg__det_lu_based_helper_backward_helper(ptr, detGrad, det, self, lu, pivs) +} func Atg_DimArange(ptr *Ctensor, like Ctensor, dim int64){ cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) C.atg__dim_arange(ptr, like, cdim) @@ -450,6 +487,11 @@ cquantMax := *(*C.int64_t)(unsafe.Pointer(&quantMax)) cgradFactor := *(*C.double)(unsafe.Pointer(&gradFactor)) C.atg__fake_quantize_learnable_per_tensor_affine_backward(ptr, grad, self, scale, zeroPoint, cquantMin, cquantMax, cgradFactor) } +func Atg_FakeQuantizePerTensorAffineCachemaskTensorQparams(ptr *Ctensor, self Ctensor, scale Ctensor, zeroPoint Ctensor, fakeQuantEnabled Ctensor, quantMin int64, quantMax int64){ +cquantMin := *(*C.int64_t)(unsafe.Pointer(&quantMin)) +cquantMax := *(*C.int64_t)(unsafe.Pointer(&quantMax)) + C.atg__fake_quantize_per_tensor_affine_cachemask_tensor_qparams(ptr, self, scale, zeroPoint, fakeQuantEnabled, cquantMin, cquantMax) +} func Atg_FftC2c(ptr *Ctensor, self Ctensor, dimData []int64, dimLen int, normalization int64, forward int32){ cdimDataPtr := (*C.int64_t)(unsafe.Pointer(&dimData[0])) cdimLen := *(*C.int)(unsafe.Pointer(&dimLen)) @@ -496,6 +538,15 @@ func Atg_FusedDropout(ptr *Ctensor, self Ctensor, p float64){ cp := *(*C.double)(unsafe.Pointer(&p)) C.atg__fused_dropout(ptr, self, cp) } +func Atg_FusedMovingAvgObsFqHelper(ptr *Ctensor, self Ctensor, observerOn Ctensor, fakeQuantOn Ctensor, runningMin Ctensor, runningMax Ctensor, scale Ctensor, zeroPoint Ctensor, averagingConst float64, quantMin int64, quantMax int64, chAxis int64, perRowFakeQuant int32, symmetricQuant int32){ +caveragingConst := *(*C.double)(unsafe.Pointer(&averagingConst)) +cquantMin := *(*C.int64_t)(unsafe.Pointer(&quantMin)) +cquantMax := *(*C.int64_t)(unsafe.Pointer(&quantMax)) +cchAxis := *(*C.int64_t)(unsafe.Pointer(&chAxis)) +cperRowFakeQuant := *(*C.int)(unsafe.Pointer(&perRowFakeQuant)) +csymmetricQuant := *(*C.int)(unsafe.Pointer(&symmetricQuant)) + C.atg__fused_moving_avg_obs_fq_helper(ptr, self, observerOn, fakeQuantOn, runningMin, runningMax, scale, zeroPoint, caveragingConst, cquantMin, cquantMax, cchAxis, cperRowFakeQuant, csymmetricQuant) +} func Atg_FwPrimal(ptr *Ctensor, self Ctensor, level int64){ clevel := *(*C.int64_t)(unsafe.Pointer(&level)) C.atg__fw_primal(ptr, self, clevel) @@ -548,9 +599,6 @@ modeLen := len(mode) cmodeLen := *(*C.int)(unsafe.Pointer(&modeLen)) C.atg__linalg_qr_helper(ptr, self, cmode, cmodeLen) } -func Atg_LinalgSolveOutHelper_(ptr *Ctensor, self Ctensor, other Ctensor, infos Ctensor){ - C.atg__linalg_solve_out_helper_(ptr, self, other, infos) -} func Atg_LogSoftmax(ptr *Ctensor, self Ctensor, dim int64, halfToFloat int32){ cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) chalfToFloat := *(*C.int)(unsafe.Pointer(&halfToFloat)) @@ -560,6 +608,15 @@ func Atg_LogSoftmaxBackwardData(ptr *Ctensor, gradOutput Ctensor, output Ctensor cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) C.atg__log_softmax_backward_data(ptr, gradOutput, output, cdim, self) } +func Atg_LogSoftmaxBackwardDataOut(ptr *Ctensor, out Ctensor, gradOutput Ctensor, output Ctensor, dim int64, self Ctensor){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) + C.atg__log_softmax_backward_data_out(ptr, out, gradOutput, output, cdim, self) +} +func Atg_LogSoftmaxOut(ptr *Ctensor, out Ctensor, self Ctensor, dim int64, halfToFloat int32){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) +chalfToFloat := *(*C.int)(unsafe.Pointer(&halfToFloat)) + C.atg__log_softmax_out(ptr, out, self, cdim, chalfToFloat) +} func Atg_Logcumsumexp(ptr *Ctensor, self Ctensor, dim int64){ cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) C.atg__logcumsumexp(ptr, self, cdim) @@ -605,6 +662,9 @@ cdim0 := *(*C.int64_t)(unsafe.Pointer(&dim0)) cdim1 := *(*C.int64_t)(unsafe.Pointer(&dim1)) C.atg__mkldnn_transpose_(ptr, self, cdim0, cdim1) } +func Atg_NegView(ptr *Ctensor, self Ctensor){ + C.atg__neg_view(ptr, self) +} func Atg_NnpackAvailable() bool{ cResult := C.atg__nnpack_available() cbool := *(*int)(unsafe.Pointer(&cResult)) @@ -653,12 +713,23 @@ func Atg_PdistBackward(ptr *Ctensor, grad Ctensor, self Ctensor, p float64, pdis cp := *(*C.double)(unsafe.Pointer(&p)) C.atg__pdist_backward(ptr, grad, self, cp, pdist) } +func Atg_PinMemory(ptr *Ctensor, self Ctensor, device int32){ +cdevice := *(*C.int)(unsafe.Pointer(&device)) + C.atg__pin_memory(ptr, self, cdevice) +} func Atg_RemoveBatchDim(ptr *Ctensor, self Ctensor, level int64, batchSize int64, outDim int64){ clevel := *(*C.int64_t)(unsafe.Pointer(&level)) cbatchSize := *(*C.int64_t)(unsafe.Pointer(&batchSize)) coutDim := *(*C.int64_t)(unsafe.Pointer(&outDim)) C.atg__remove_batch_dim(ptr, self, clevel, cbatchSize, coutDim) } +func Atg_ReshapeAlias(ptr *Ctensor, self Ctensor, sizeData []int64, sizeLen int, strideData []int64, strideLen int){ +csizeDataPtr := (*C.int64_t)(unsafe.Pointer(&sizeData[0])) +csizeLen := *(*C.int)(unsafe.Pointer(&sizeLen)) +cstrideDataPtr := (*C.int64_t)(unsafe.Pointer(&strideData[0])) +cstrideLen := *(*C.int)(unsafe.Pointer(&strideLen)) + C.atg__reshape_alias(ptr, self, csizeDataPtr, csizeLen, cstrideDataPtr, cstrideLen) +} func Atg_ReshapeFromTensor(ptr *Ctensor, self Ctensor, shape Ctensor){ C.atg__reshape_from_tensor(ptr, self, shape) } @@ -675,6 +746,13 @@ func Atg_SampleDirichlet(ptr *Ctensor, self Ctensor){ func Atg_SaturateWeightToFp16(ptr *Ctensor, weight Ctensor){ C.atg__saturate_weight_to_fp16(ptr, weight) } +func Atg_SegmentReduceBackward(ptr *Ctensor, grad Ctensor, output Ctensor, data Ctensor, reduce string, lengths Ctensor, axis int64){ +creduce := C.CString(reduce) +reduceLen := len(reduce) +creduceLen := *(*C.int)(unsafe.Pointer(&reduceLen)) +caxis := *(*C.int64_t)(unsafe.Pointer(&axis)) + C.atg__segment_reduce_backward(ptr, grad, output, data, creduce, creduceLen, lengths, caxis) +} func Atg_ShapeAsTensor(ptr *Ctensor, self Ctensor){ C.atg__shape_as_tensor(ptr, self) } @@ -708,6 +786,15 @@ func Atg_SoftmaxBackwardData(ptr *Ctensor, gradOutput Ctensor, output Ctensor, d cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) C.atg__softmax_backward_data(ptr, gradOutput, output, cdim, self) } +func Atg_SoftmaxBackwardDataOut(ptr *Ctensor, gradInput Ctensor, gradOutput Ctensor, output Ctensor, dim int64, self Ctensor){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) + C.atg__softmax_backward_data_out(ptr, gradInput, gradOutput, output, cdim, self) +} +func Atg_SoftmaxOut(ptr *Ctensor, out Ctensor, self Ctensor, dim int64, halfToFloat int32){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) +chalfToFloat := *(*C.int)(unsafe.Pointer(&halfToFloat)) + C.atg__softmax_out(ptr, out, self, cdim, chalfToFloat) +} func Atg_SolveHelper(ptr *Ctensor, self Ctensor, a Ctensor){ C.atg__solve_helper(ptr, self, a) } @@ -739,17 +826,12 @@ coptionsKind := *(*C.int)(unsafe.Pointer(&optionsKind)) coptionsDevice := *(*C.int)(unsafe.Pointer(&optionsDevice)) C.atg__sparse_coo_tensor_with_dims_and_tensors(ptr, csparseDim, cdenseDim, csizeDataPtr, csizeLen, indices, values, coptionsKind, coptionsDevice) } -func Atg_SparseCsrTensor(ptr *Ctensor, crowIndices Ctensor, colIndices Ctensor, values Ctensor, optionsKind int32, optionsDevice int32){ -coptionsKind := *(*C.int)(unsafe.Pointer(&optionsKind)) -coptionsDevice := *(*C.int)(unsafe.Pointer(&optionsDevice)) - C.atg__sparse_csr_tensor(ptr, crowIndices, colIndices, values, coptionsKind, coptionsDevice) -} -func Atg_SparseCsrTensorCrowColValueSize(ptr *Ctensor, crowIndices Ctensor, colIndices Ctensor, values Ctensor, sizeData []int64, sizeLen int, optionsKind int32, optionsDevice int32){ +func Atg_SparseCsrTensorUnsafe(ptr *Ctensor, crowIndices Ctensor, colIndices Ctensor, values Ctensor, sizeData []int64, sizeLen int, optionsKind int32, optionsDevice int32){ csizeDataPtr := (*C.int64_t)(unsafe.Pointer(&sizeData[0])) csizeLen := *(*C.int)(unsafe.Pointer(&sizeLen)) coptionsKind := *(*C.int)(unsafe.Pointer(&optionsKind)) coptionsDevice := *(*C.int)(unsafe.Pointer(&optionsDevice)) - C.atg__sparse_csr_tensor_crow_col_value_size(ptr, crowIndices, colIndices, values, csizeDataPtr, csizeLen, coptionsKind, coptionsDevice) + C.atg__sparse_csr_tensor_unsafe(ptr, crowIndices, colIndices, values, csizeDataPtr, csizeLen, coptionsKind, coptionsDevice) } func Atg_SparseLogSoftmax(ptr *Ctensor, self Ctensor, dim int64, halfToFloat int32){ cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) @@ -873,6 +955,13 @@ bLen := len(b) cbLen := *(*C.int)(unsafe.Pointer(&bLen)) C.atg__test_string_default(ptr, dummy, ca, caLen, cb, cbLen) } +func Atg_ToCopy(ptr *Ctensor, self Ctensor, optionsKind int32, optionsDevice int32, nonBlocking int32){ +coptionsKind := *(*C.int)(unsafe.Pointer(&optionsKind)) +coptionsDevice := *(*C.int)(unsafe.Pointer(&optionsDevice)) +cnonBlocking := *(*C.int)(unsafe.Pointer(&nonBlocking)) + C.atg__to_copy(ptr, self, coptionsKind, coptionsDevice, cnonBlocking) +} + func Atg_Trilinear(ptr *Ctensor, i1 Ctensor, i2 Ctensor, i3 Ctensor, expand1Data []int64, expand1Len int, expand2Data []int64, expand2Len int, expand3Data []int64, expand3Len int, sumdimData []int64, sumdimLen int, unrollDim int64){ cexpand1DataPtr := (*C.int64_t)(unsafe.Pointer(&expand1Data[0])) cexpand1Len := *(*C.int)(unsafe.Pointer(&expand1Len)) @@ -1137,6 +1226,9 @@ func AtgAlignAs(ptr *Ctensor, self Ctensor, other Ctensor){ func AtgAll(ptr *Ctensor, self Ctensor){ C.atg_all(ptr, self) } +func AtgAllAllOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_all_all_out(ptr, out, self) +} func AtgAllDim(ptr *Ctensor, self Ctensor, dim int64, keepdim int32){ cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) @@ -1190,6 +1282,18 @@ cdimLen := *(*C.int)(unsafe.Pointer(&dimLen)) ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) C.atg_amin_out(ptr, out, self, cdimDataPtr, cdimLen, ckeepdim) } +func AtgAminmax(ptr *Ctensor, self Ctensor, dimVal int64, dimNull int, keepdim int32){ +cdimVal := *(*C.int64_t)(unsafe.Pointer(&dimVal)) +cdimNull := *(*C.uint8_t)(unsafe.Pointer(&dimNull)) +ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) + C.atg_aminmax(ptr, self, cdimVal, cdimNull, ckeepdim) +} +func AtgAminmaxOut(ptr *Ctensor, min Ctensor, max Ctensor, self Ctensor, dimVal int64, dimNull int, keepdim int32){ +cdimVal := *(*C.int64_t)(unsafe.Pointer(&dimVal)) +cdimNull := *(*C.uint8_t)(unsafe.Pointer(&dimNull)) +ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) + C.atg_aminmax_out(ptr, min, max, self, cdimVal, cdimNull, ckeepdim) +} func AtgAngle(ptr *Ctensor, self Ctensor){ C.atg_angle(ptr, self) } @@ -1199,6 +1303,9 @@ func AtgAngleOut(ptr *Ctensor, out Ctensor, self Ctensor){ func AtgAny(ptr *Ctensor, self Ctensor){ C.atg_any(ptr, self) } +func AtgAnyAllOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_any_all_out(ptr, out, self) +} func AtgAnyDim(ptr *Ctensor, self Ctensor, dim int64, keepdim int32){ cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) @@ -1637,6 +1744,27 @@ func AtgBitwiseAndTensor_(ptr *Ctensor, self Ctensor, other Ctensor){ func AtgBitwiseAndTensorOut(ptr *Ctensor, out Ctensor, self Ctensor, other Ctensor){ C.atg_bitwise_and_tensor_out(ptr, out, self, other) } +func AtgBitwiseLeftShift(ptr *Ctensor, self Ctensor, other Ctensor){ + C.atg_bitwise_left_shift(ptr, self, other) +} +func AtgBitwiseLeftShift_(ptr *Ctensor, self Ctensor, other Ctensor){ + C.atg_bitwise_left_shift_(ptr, self, other) +} +func AtgBitwiseLeftShiftScalarTensor(ptr *Ctensor, selfScalar Cscalar, other Ctensor){ + C.atg_bitwise_left_shift_scalar_tensor(ptr, selfScalar , other) +} +func AtgBitwiseLeftShiftTensorOut(ptr *Ctensor, out Ctensor, self Ctensor, other Ctensor){ + C.atg_bitwise_left_shift_tensor_out(ptr, out, self, other) +} +func AtgBitwiseLeftShiftTensorScalar(ptr *Ctensor, self Ctensor, other Cscalar){ + C.atg_bitwise_left_shift_tensor_scalar(ptr, self, other ) +} +func AtgBitwiseLeftShiftTensorScalar_(ptr *Ctensor, self Ctensor, other Cscalar){ + C.atg_bitwise_left_shift_tensor_scalar_(ptr, self, other ) +} +func AtgBitwiseLeftShiftTensorScalarOut(ptr *Ctensor, out Ctensor, self Ctensor, other Cscalar){ + C.atg_bitwise_left_shift_tensor_scalar_out(ptr, out, self, other ) +} func AtgBitwiseNot(ptr *Ctensor, self Ctensor){ C.atg_bitwise_not(ptr, self) } @@ -1664,6 +1792,27 @@ func AtgBitwiseOrTensor_(ptr *Ctensor, self Ctensor, other Ctensor){ func AtgBitwiseOrTensorOut(ptr *Ctensor, out Ctensor, self Ctensor, other Ctensor){ C.atg_bitwise_or_tensor_out(ptr, out, self, other) } +func AtgBitwiseRightShift(ptr *Ctensor, self Ctensor, other Ctensor){ + C.atg_bitwise_right_shift(ptr, self, other) +} +func AtgBitwiseRightShift_(ptr *Ctensor, self Ctensor, other Ctensor){ + C.atg_bitwise_right_shift_(ptr, self, other) +} +func AtgBitwiseRightShiftScalarTensor(ptr *Ctensor, selfScalar Cscalar, other Ctensor){ + C.atg_bitwise_right_shift_scalar_tensor(ptr, selfScalar , other) +} +func AtgBitwiseRightShiftTensorOut(ptr *Ctensor, out Ctensor, self Ctensor, other Ctensor){ + C.atg_bitwise_right_shift_tensor_out(ptr, out, self, other) +} +func AtgBitwiseRightShiftTensorScalar(ptr *Ctensor, self Ctensor, other Cscalar){ + C.atg_bitwise_right_shift_tensor_scalar(ptr, self, other ) +} +func AtgBitwiseRightShiftTensorScalar_(ptr *Ctensor, self Ctensor, other Cscalar){ + C.atg_bitwise_right_shift_tensor_scalar_(ptr, self, other ) +} +func AtgBitwiseRightShiftTensorScalarOut(ptr *Ctensor, out Ctensor, self Ctensor, other Cscalar){ + C.atg_bitwise_right_shift_tensor_scalar_out(ptr, out, self, other ) +} func AtgBitwiseXor(ptr *Ctensor, self Ctensor, other Cscalar){ C.atg_bitwise_xor(ptr, self, other ) } @@ -1971,11 +2120,29 @@ func AtgComplex(ptr *Ctensor, real Ctensor, imag Ctensor){ func AtgComplexOut(ptr *Ctensor, out Ctensor, real Ctensor, imag Ctensor){ C.atg_complex_out(ptr, out, real, imag) } +func AtgConcat(ptr *Ctensor, tensorsData []Ctensor, tensorsLen int, dim int64){ +ctensorsDataPtr := (*Ctensor)(unsafe.Pointer(&tensorsData[0])) +ctensorsLen := *(*C.int)(unsafe.Pointer(&tensorsLen)) +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) + C.atg_concat(ptr, ctensorsDataPtr, ctensorsLen, cdim) +} +func AtgConcatOut(ptr *Ctensor, out Ctensor, tensorsData []Ctensor, tensorsLen int, dim int64){ +ctensorsDataPtr := (*Ctensor)(unsafe.Pointer(&tensorsData[0])) +ctensorsLen := *(*C.int)(unsafe.Pointer(&tensorsLen)) +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) + C.atg_concat_out(ptr, out, ctensorsDataPtr, ctensorsLen, cdim) +} func AtgConj(ptr *Ctensor, self Ctensor){ C.atg_conj(ptr, self) } -func AtgConjOut(ptr *Ctensor, out Ctensor, self Ctensor){ - C.atg_conj_out(ptr, out, self) +func AtgConjPhysical(ptr *Ctensor, self Ctensor){ + C.atg_conj_physical(ptr, self) +} +func AtgConjPhysical_(ptr *Ctensor, self Ctensor){ + C.atg_conj_physical_(ptr, self) +} +func AtgConjPhysicalOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_conj_physical_out(ptr, out, self) } func AtgConstantPadNd(ptr *Ctensor, self Ctensor, padData []int64, padLen int){ cpadDataPtr := (*C.int64_t)(unsafe.Pointer(&padData[0])) @@ -2162,6 +2329,9 @@ func AtgCopysignScalar_(ptr *Ctensor, self Ctensor, other Cscalar){ func AtgCopysignScalarOut(ptr *Ctensor, out Ctensor, self Ctensor, other Cscalar){ C.atg_copysign_scalar_out(ptr, out, self, other ) } +func AtgCorrcoef(ptr *Ctensor, self Ctensor){ + C.atg_corrcoef(ptr, self) +} func AtgCos(ptr *Ctensor, self Ctensor){ C.atg_cos(ptr, self) } @@ -2200,15 +2370,20 @@ cdimDataPtr := (*C.int64_t)(unsafe.Pointer(&dimData[0])) cdimLen := *(*C.int)(unsafe.Pointer(&dimLen)) C.atg_count_nonzero_dim_intlist(ptr, self, cdimDataPtr, cdimLen) } +func AtgCov(ptr *Ctensor, self Ctensor, correction int64, fweights Ctensor, aweights Ctensor){ +ccorrection := *(*C.int64_t)(unsafe.Pointer(&correction)) + C.atg_cov(ptr, self, ccorrection, fweights, aweights) +} func AtgCross(ptr *Ctensor, self Ctensor, other Ctensor, dimVal int64, dimNull int){ cdimVal := *(*C.int64_t)(unsafe.Pointer(&dimVal)) cdimNull := *(*C.uint8_t)(unsafe.Pointer(&dimNull)) C.atg_cross(ptr, self, other, cdimVal, cdimNull) } -func AtgCrossEntropyLoss(ptr *Ctensor, self Ctensor, target Ctensor, weight Ctensor, reduction int64, ignoreIndex int64){ +func AtgCrossEntropyLoss(ptr *Ctensor, self Ctensor, target Ctensor, weight Ctensor, reduction int64, ignoreIndex int64, labelSmoothing float64){ creduction := *(*C.int64_t)(unsafe.Pointer(&reduction)) -cignoreIndex := *(*C.int64_t)(unsafe.Pointer(&ignoreIndex)) - C.atg_cross_entropy_loss(ptr, self, target, weight, creduction, cignoreIndex) +cignoreIndex := *(*C.int64_t)(unsafe.Pointer(&ignoreIndex)) +clabelSmoothing := *(*C.double)(unsafe.Pointer(&labelSmoothing)) + C.atg_cross_entropy_loss(ptr, self, target, weight, creduction, cignoreIndex, clabelSmoothing) } func AtgCrossOut(ptr *Ctensor, out Ctensor, self Ctensor, other Ctensor, dimVal int64, dimNull int){ cdimVal := *(*C.int64_t)(unsafe.Pointer(&dimVal)) @@ -2482,6 +2657,14 @@ cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) cdtype := *(*C.int)(unsafe.Pointer(&dtype)) C.atg_cumsum_out(ptr, out, self, cdim, cdtype) } +func AtgCumulativeTrapezoid(ptr *Ctensor, y Ctensor, dim int64){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) + C.atg_cumulative_trapezoid(ptr, y, cdim) +} +func AtgCumulativeTrapezoidX(ptr *Ctensor, y Ctensor, x Ctensor, dim int64){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) + C.atg_cumulative_trapezoid_x(ptr, y, x, cdim) +} func AtgData(ptr *Ctensor, self Ctensor){ C.atg_data(ptr, self) } @@ -2541,13 +2724,13 @@ cdim1 := *(*C.int64_t)(unsafe.Pointer(&dim1)) cdim2 := *(*C.int64_t)(unsafe.Pointer(&dim2)) C.atg_diagonal(ptr, self, coffset, cdim1, cdim2) } -func AtgDiagonalBackward(ptr *Ctensor, grad Ctensor, inputSizesData []int64, inputSizesLen int, offset int64, dim1 int64, dim2 int64){ +func AtgDiagonalBackward(ptr *Ctensor, gradOutput Ctensor, inputSizesData []int64, inputSizesLen int, offset int64, dim1 int64, dim2 int64){ cinputSizesDataPtr := (*C.int64_t)(unsafe.Pointer(&inputSizesData[0])) cinputSizesLen := *(*C.int)(unsafe.Pointer(&inputSizesLen)) coffset := *(*C.int64_t)(unsafe.Pointer(&offset)) cdim1 := *(*C.int64_t)(unsafe.Pointer(&dim1)) cdim2 := *(*C.int64_t)(unsafe.Pointer(&dim2)) - C.atg_diagonal_backward(ptr, grad, cinputSizesDataPtr, cinputSizesLen, coffset, cdim1, cdim2) + C.atg_diagonal_backward(ptr, gradOutput, cinputSizesDataPtr, cinputSizesLen, coffset, cdim1, cdim2) } func AtgDiff(ptr *Ctensor, self Ctensor, n int64, dim int64, prepend Ctensor, append Ctensor){ cn := *(*C.int64_t)(unsafe.Pointer(&n)) @@ -2715,6 +2898,10 @@ func AtgEluBackward(ptr *Ctensor, gradOutput Ctensor, alpha Cscalar, scale Cscal cisResult := *(*C.int)(unsafe.Pointer(&isResult)) C.atg_elu_backward(ptr, gradOutput, alpha , scale , inputScale , cisResult, selfOrResult) } +func AtgEluBackwardGradInput(ptr *Ctensor, gradInput Ctensor, gradOutput Ctensor, alpha Cscalar, scale Cscalar, inputScale Cscalar, isResult int32, selfOrResult Ctensor){ +cisResult := *(*C.int)(unsafe.Pointer(&isResult)) + C.atg_elu_backward_grad_input(ptr, gradInput, gradOutput, alpha , scale , inputScale , cisResult, selfOrResult) +} func AtgEluOut(ptr *Ctensor, out Ctensor, self Ctensor){ C.atg_elu_out(ptr, out, self) } @@ -2779,10 +2966,12 @@ csizeDataPtr := (*C.int64_t)(unsafe.Pointer(&sizeData[0])) csizeLen := *(*C.int)(unsafe.Pointer(&sizeLen)) C.atg_empty_out(ptr, out, csizeDataPtr, csizeLen) } -func AtgEmptyQuantized(ptr *Ctensor, sizeData []int64, sizeLen int, qtensor Ctensor){ +func AtgEmptyQuantized(ptr *Ctensor, sizeData []int64, sizeLen int, qtensor Ctensor, optionsKind int32, optionsDevice int32){ csizeDataPtr := (*C.int64_t)(unsafe.Pointer(&sizeData[0])) -csizeLen := *(*C.int)(unsafe.Pointer(&sizeLen)) - C.atg_empty_quantized(ptr, csizeDataPtr, csizeLen, qtensor) +csizeLen := *(*C.int)(unsafe.Pointer(&sizeLen)) +coptionsKind := *(*C.int)(unsafe.Pointer(&optionsKind)) +coptionsDevice := *(*C.int)(unsafe.Pointer(&optionsDevice)) + C.atg_empty_quantized(ptr, csizeDataPtr, csizeLen, qtensor, coptionsKind, coptionsDevice) } func AtgEmptyStrided(ptr *Ctensor, sizeData []int64, sizeLen int, strideData []int64, strideLen int, optionsKind int32, optionsDevice int32){ csizeDataPtr := (*C.int64_t)(unsafe.Pointer(&sizeData[0])) @@ -2938,6 +3127,11 @@ cquantMax := *(*C.int64_t)(unsafe.Pointer(&quantMax)) func AtgFakeQuantizePerTensorAffineCachemaskBackward(ptr *Ctensor, grad Ctensor, mask Ctensor){ C.atg_fake_quantize_per_tensor_affine_cachemask_backward(ptr, grad, mask) } +func AtgFakeQuantizePerTensorAffineTensorQparams(ptr *Ctensor, self Ctensor, scale Ctensor, zeroPoint Ctensor, quantMin int64, quantMax int64){ +cquantMin := *(*C.int64_t)(unsafe.Pointer(&quantMin)) +cquantMax := *(*C.int64_t)(unsafe.Pointer(&quantMax)) + C.atg_fake_quantize_per_tensor_affine_tensor_qparams(ptr, self, scale, zeroPoint, cquantMin, cquantMax) +} func AtgFbgemmLinearFp16Weight(ptr *Ctensor, input Ctensor, packedWeight Ctensor, bias Ctensor){ C.atg_fbgemm_linear_fp16_weight(ptr, input, packedWeight, bias) } @@ -3513,6 +3707,15 @@ csizeDataPtr := (*C.int64_t)(unsafe.Pointer(&sizeData[0])) csizeLen := *(*C.int)(unsafe.Pointer(&sizeLen)) C.atg_full_out(ptr, out, csizeDataPtr, csizeLen, fillValue ) } +func AtgFusedMovingAvgObsFakeQuant(ptr *Ctensor, self Ctensor, observerOn Ctensor, fakeQuantOn Ctensor, runningMin Ctensor, runningMax Ctensor, scale Ctensor, zeroPoint Ctensor, averagingConst float64, quantMin int64, quantMax int64, chAxis int64, perRowFakeQuant int32, symmetricQuant int32){ +caveragingConst := *(*C.double)(unsafe.Pointer(&averagingConst)) +cquantMin := *(*C.int64_t)(unsafe.Pointer(&quantMin)) +cquantMax := *(*C.int64_t)(unsafe.Pointer(&quantMax)) +cchAxis := *(*C.int64_t)(unsafe.Pointer(&chAxis)) +cperRowFakeQuant := *(*C.int)(unsafe.Pointer(&perRowFakeQuant)) +csymmetricQuant := *(*C.int)(unsafe.Pointer(&symmetricQuant)) + C.atg_fused_moving_avg_obs_fake_quant(ptr, self, observerOn, fakeQuantOn, runningMin, runningMax, scale, zeroPoint, caveragingConst, cquantMin, cquantMax, cchAxis, cperRowFakeQuant, csymmetricQuant) +} func AtgGather(ptr *Ctensor, self Ctensor, dim int64, index Ctensor, sparseGrad int32){ cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) csparseGrad := *(*C.int)(unsafe.Pointer(&sparseGrad)) @@ -3561,6 +3764,12 @@ func AtgGelu(ptr *Ctensor, self Ctensor){ func AtgGeluBackward(ptr *Ctensor, grad Ctensor, self Ctensor){ C.atg_gelu_backward(ptr, grad, self) } +func AtgGeluBackwardGradInput(ptr *Ctensor, gradInput Ctensor, grad Ctensor, self Ctensor){ + C.atg_gelu_backward_grad_input(ptr, gradInput, grad, self) +} +func AtgGeluOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_gelu_out(ptr, out, self) +} func AtgGeometric_(ptr *Ctensor, self Ctensor, p float64){ cp := *(*C.double)(unsafe.Pointer(&p)) C.atg_geometric_(ptr, self, cp) @@ -3759,6 +3968,12 @@ func AtgHardshrink(ptr *Ctensor, self Ctensor){ func AtgHardshrinkBackward(ptr *Ctensor, gradOut Ctensor, self Ctensor, lambd Cscalar){ C.atg_hardshrink_backward(ptr, gradOut, self, lambd ) } +func AtgHardshrinkBackwardGradInput(ptr *Ctensor, gradInput Ctensor, gradOut Ctensor, self Ctensor, lambd Cscalar){ + C.atg_hardshrink_backward_grad_input(ptr, gradInput, gradOut, self, lambd ) +} +func AtgHardshrinkOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_hardshrink_out(ptr, out, self) +} func AtgHardsigmoid(ptr *Ctensor, self Ctensor){ C.atg_hardsigmoid(ptr, self) } @@ -3768,6 +3983,9 @@ func AtgHardsigmoid_(ptr *Ctensor, self Ctensor){ func AtgHardsigmoidBackward(ptr *Ctensor, gradOutput Ctensor, self Ctensor){ C.atg_hardsigmoid_backward(ptr, gradOutput, self) } +func AtgHardsigmoidBackwardGradInput(ptr *Ctensor, gradInput Ctensor, gradOutput Ctensor, self Ctensor){ + C.atg_hardsigmoid_backward_grad_input(ptr, gradInput, gradOutput, self) +} func AtgHardsigmoidOut(ptr *Ctensor, out Ctensor, self Ctensor){ C.atg_hardsigmoid_out(ptr, out, self) } @@ -4056,6 +4274,12 @@ func AtgIsComplex(self Ctensor) bool{ if cbool == 1{return true} return false } +func AtgIsConj(self Ctensor) bool{ + cResult := C.atg_is_conj(self) + cbool := *(*int)(unsafe.Pointer(&cResult)) + if cbool == 1{return true} + return false +} func AtgIsDistributed(self Ctensor) bool{ cResult := C.atg_is_distributed(self) cbool := *(*int)(unsafe.Pointer(&cResult)) @@ -4068,20 +4292,33 @@ func AtgIsFloatingPoint(self Ctensor) bool{ if cbool == 1{return true} return false } +func AtgIsInference(self Ctensor) bool{ + cResult := C.atg_is_inference(self) + cbool := *(*int)(unsafe.Pointer(&cResult)) + if cbool == 1{return true} + return false +} func AtgIsLeaf(self Ctensor) bool{ cResult := C.atg_is_leaf(self) cbool := *(*int)(unsafe.Pointer(&cResult)) if cbool == 1{return true} return false } +func AtgIsNeg(self Ctensor) bool{ + cResult := C.atg_is_neg(self) + cbool := *(*int)(unsafe.Pointer(&cResult)) + if cbool == 1{return true} + return false +} func AtgIsNonzero(self Ctensor) bool{ cResult := C.atg_is_nonzero(self) cbool := *(*int)(unsafe.Pointer(&cResult)) if cbool == 1{return true} return false } -func AtgIsPinned(self Ctensor) bool{ - cResult := C.atg_is_pinned(self) +func AtgIsPinned(self Ctensor, device int32) bool{ +cdevice := *(*C.int)(unsafe.Pointer(&device)) + cResult := C.atg_is_pinned(self, cdevice) cbool := *(*int)(unsafe.Pointer(&cResult)) if cbool == 1{return true} return false @@ -4119,6 +4356,36 @@ cequalNan := *(*C.int)(unsafe.Pointer(&equalNan)) func AtgIsfinite(ptr *Ctensor, self Ctensor){ C.atg_isfinite(ptr, self) } +func AtgIsin(ptr *Ctensor, elements Ctensor, testElements Ctensor, assumeUnique int32, invert int32){ +cassumeUnique := *(*C.int)(unsafe.Pointer(&assumeUnique)) +cinvert := *(*C.int)(unsafe.Pointer(&invert)) + C.atg_isin(ptr, elements, testElements, cassumeUnique, cinvert) +} +func AtgIsinScalarTensor(ptr *Ctensor, element Cscalar, testElements Ctensor, assumeUnique int32, invert int32){ +cassumeUnique := *(*C.int)(unsafe.Pointer(&assumeUnique)) +cinvert := *(*C.int)(unsafe.Pointer(&invert)) + C.atg_isin_scalar_tensor(ptr, element , testElements, cassumeUnique, cinvert) +} +func AtgIsinScalarTensorOut(ptr *Ctensor, out Ctensor, element Cscalar, testElements Ctensor, assumeUnique int32, invert int32){ +cassumeUnique := *(*C.int)(unsafe.Pointer(&assumeUnique)) +cinvert := *(*C.int)(unsafe.Pointer(&invert)) + C.atg_isin_scalar_tensor_out(ptr, out, element , testElements, cassumeUnique, cinvert) +} +func AtgIsinTensorScalar(ptr *Ctensor, elements Ctensor, testElement Cscalar, assumeUnique int32, invert int32){ +cassumeUnique := *(*C.int)(unsafe.Pointer(&assumeUnique)) +cinvert := *(*C.int)(unsafe.Pointer(&invert)) + C.atg_isin_tensor_scalar(ptr, elements, testElement , cassumeUnique, cinvert) +} +func AtgIsinTensorScalarOut(ptr *Ctensor, out Ctensor, elements Ctensor, testElement Cscalar, assumeUnique int32, invert int32){ +cassumeUnique := *(*C.int)(unsafe.Pointer(&assumeUnique)) +cinvert := *(*C.int)(unsafe.Pointer(&invert)) + C.atg_isin_tensor_scalar_out(ptr, out, elements, testElement , cassumeUnique, cinvert) +} +func AtgIsinTensorTensorOut(ptr *Ctensor, out Ctensor, elements Ctensor, testElements Ctensor, assumeUnique int32, invert int32){ +cassumeUnique := *(*C.int)(unsafe.Pointer(&assumeUnique)) +cinvert := *(*C.int)(unsafe.Pointer(&invert)) + C.atg_isin_tensor_tensor_out(ptr, out, elements, testElements, cassumeUnique, cinvert) +} func AtgIsinf(ptr *Ctensor, self Ctensor){ C.atg_isinf(ptr, self) } @@ -4272,6 +4539,10 @@ func AtgLeakyReluBackward(ptr *Ctensor, gradOutput Ctensor, self Ctensor, negati cselfIsResult := *(*C.int)(unsafe.Pointer(&selfIsResult)) C.atg_leaky_relu_backward(ptr, gradOutput, self, negativeSlope , cselfIsResult) } +func AtgLeakyReluBackwardGradInput(ptr *Ctensor, gradInput Ctensor, gradOutput Ctensor, self Ctensor, negativeSlope Cscalar, selfIsResult int32){ +cselfIsResult := *(*C.int)(unsafe.Pointer(&selfIsResult)) + C.atg_leaky_relu_backward_grad_input(ptr, gradInput, gradOutput, self, negativeSlope , cselfIsResult) +} func AtgLeakyReluOut(ptr *Ctensor, out Ctensor, self Ctensor){ C.atg_leaky_relu_out(ptr, out, self) } @@ -4338,19 +4609,23 @@ func AtgLgamma_(ptr *Ctensor, self Ctensor){ func AtgLgammaOut(ptr *Ctensor, out Ctensor, self Ctensor){ C.atg_lgamma_out(ptr, out, self) } -func AtgLinalgCholesky(ptr *Ctensor, self Ctensor){ - C.atg_linalg_cholesky(ptr, self) +func AtgLinalgCholesky(ptr *Ctensor, self Ctensor, upper int32){ +cupper := *(*C.int)(unsafe.Pointer(&upper)) + C.atg_linalg_cholesky(ptr, self, cupper) } -func AtgLinalgCholeskyEx(ptr *Ctensor, self Ctensor, checkErrors int32){ +func AtgLinalgCholeskyEx(ptr *Ctensor, self Ctensor, upper int32, checkErrors int32){ +cupper := *(*C.int)(unsafe.Pointer(&upper)) ccheckErrors := *(*C.int)(unsafe.Pointer(&checkErrors)) - C.atg_linalg_cholesky_ex(ptr, self, ccheckErrors) + C.atg_linalg_cholesky_ex(ptr, self, cupper, ccheckErrors) } -func AtgLinalgCholeskyExL(ptr *Ctensor, l Ctensor, info Ctensor, self Ctensor, checkErrors int32){ +func AtgLinalgCholeskyExL(ptr *Ctensor, l Ctensor, info Ctensor, self Ctensor, upper int32, checkErrors int32){ +cupper := *(*C.int)(unsafe.Pointer(&upper)) ccheckErrors := *(*C.int)(unsafe.Pointer(&checkErrors)) - C.atg_linalg_cholesky_ex_l(ptr, l, info, self, ccheckErrors) + C.atg_linalg_cholesky_ex_l(ptr, l, info, self, cupper, ccheckErrors) } -func AtgLinalgCholeskyOut(ptr *Ctensor, out Ctensor, self Ctensor){ - C.atg_linalg_cholesky_out(ptr, out, self) +func AtgLinalgCholeskyOut(ptr *Ctensor, out Ctensor, self Ctensor, upper int32){ +cupper := *(*C.int)(unsafe.Pointer(&upper)) + C.atg_linalg_cholesky_out(ptr, out, self, cupper) } func AtgLinalgCond(ptr *Ctensor, self Ctensor, p Cscalar){ C.atg_linalg_cond(ptr, self, p ) @@ -4448,39 +4723,11 @@ driverLen := len(driver) cdriverLen := *(*C.int)(unsafe.Pointer(&driverLen)) C.atg_linalg_lstsq_out(ptr, solution, residuals, rank, singularValues, self, b, crcondVal, crcondNull, cdriver, cdriverLen) } -func AtgLinalgMatrixNorm(ptr *Ctensor, self Ctensor, ord Cscalar, dimData []int64, dimLen int, keepdim int32, dtype int32){ -cdimDataPtr := (*C.int64_t)(unsafe.Pointer(&dimData[0])) -cdimLen := *(*C.int)(unsafe.Pointer(&dimLen)) -ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) -cdtype := *(*C.int)(unsafe.Pointer(&dtype)) - C.atg_linalg_matrix_norm(ptr, self, ord , cdimDataPtr, cdimLen, ckeepdim, cdtype) +func AtgLinalgMatmul(ptr *Ctensor, self Ctensor, other Ctensor){ + C.atg_linalg_matmul(ptr, self, other) } -func AtgLinalgMatrixNormOut(ptr *Ctensor, out Ctensor, self Ctensor, ord Cscalar, dimData []int64, dimLen int, keepdim int32, dtype int32){ -cdimDataPtr := (*C.int64_t)(unsafe.Pointer(&dimData[0])) -cdimLen := *(*C.int)(unsafe.Pointer(&dimLen)) -ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) -cdtype := *(*C.int)(unsafe.Pointer(&dtype)) - C.atg_linalg_matrix_norm_out(ptr, out, self, ord , cdimDataPtr, cdimLen, ckeepdim, cdtype) -} -func AtgLinalgMatrixNormStrOrd(ptr *Ctensor, self Ctensor, ord string, dimData []int64, dimLen int, keepdim int32, dtype int32){ -cord := C.CString(ord) -ordLen := len(ord) -cordLen := *(*C.int)(unsafe.Pointer(&ordLen)) -cdimDataPtr := (*C.int64_t)(unsafe.Pointer(&dimData[0])) -cdimLen := *(*C.int)(unsafe.Pointer(&dimLen)) -ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) -cdtype := *(*C.int)(unsafe.Pointer(&dtype)) - C.atg_linalg_matrix_norm_str_ord(ptr, self, cord, cordLen, cdimDataPtr, cdimLen, ckeepdim, cdtype) -} -func AtgLinalgMatrixNormStrOrdOut(ptr *Ctensor, out Ctensor, self Ctensor, ord string, dimData []int64, dimLen int, keepdim int32, dtype int32){ -cord := C.CString(ord) -ordLen := len(ord) -cordLen := *(*C.int)(unsafe.Pointer(&ordLen)) -cdimDataPtr := (*C.int64_t)(unsafe.Pointer(&dimData[0])) -cdimLen := *(*C.int)(unsafe.Pointer(&dimLen)) -ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) -cdtype := *(*C.int)(unsafe.Pointer(&dtype)) - C.atg_linalg_matrix_norm_str_ord_out(ptr, out, self, cord, cordLen, cdimDataPtr, cdimLen, ckeepdim, cdtype) +func AtgLinalgMatmulOut(ptr *Ctensor, out Ctensor, self Ctensor, other Ctensor){ + C.atg_linalg_matmul_out(ptr, out, self, other) } func AtgLinalgMatrixPower(ptr *Ctensor, self Ctensor, n int64){ cn := *(*C.int64_t)(unsafe.Pointer(&n)) @@ -4631,6 +4878,9 @@ cdimsLen := *(*C.int)(unsafe.Pointer(&dimsLen)) func AtgLinear(ptr *Ctensor, input Ctensor, weight Ctensor, bias Ctensor){ C.atg_linear(ptr, input, weight, bias) } +func AtgLinearOut(ptr *Ctensor, out Ctensor, input Ctensor, weight Ctensor, bias Ctensor){ + C.atg_linear_out(ptr, out, input, weight, bias) +} func AtgLinspace(ptr *Ctensor, start Cscalar, end Cscalar, stepsVal int64, stepsNull int, optionsKind int32, optionsDevice int32){ cstepsVal := *(*C.int64_t)(unsafe.Pointer(&stepsVal)) cstepsNull := *(*C.uint8_t)(unsafe.Pointer(&stepsNull)) @@ -5199,6 +5449,7 @@ ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) C.atg_median_dim_values(ptr, values, indices, self, cdim, ckeepdim) } + func AtgMin(ptr *Ctensor, self Ctensor){ C.atg_min(ptr, self) } @@ -5648,6 +5899,10 @@ func AtgMvlgamma_(ptr *Ctensor, self Ctensor, p int64){ cp := *(*C.int64_t)(unsafe.Pointer(&p)) C.atg_mvlgamma_(ptr, self, cp) } +func AtgMvlgammaOut(ptr *Ctensor, out Ctensor, self Ctensor, p int64){ +cp := *(*C.int64_t)(unsafe.Pointer(&p)) + C.atg_mvlgamma_out(ptr, out, self, cp) +} func AtgNanToNum(ptr *Ctensor, self Ctensor, nanVal float64, nanNull int, posinfVal float64, posinfNull int, neginfVal float64, neginfNull int){ cnanVal := *(*C.double)(unsafe.Pointer(&nanVal)) cnanNull := *(*C.uint8_t)(unsafe.Pointer(&nanNull)) @@ -5675,6 +5930,20 @@ cneginfVal := *(*C.double)(unsafe.Pointer(&neginfVal)) cneginfNull := *(*C.uint8_t)(unsafe.Pointer(&neginfNull)) C.atg_nan_to_num_out(ptr, out, self, cnanVal, cnanNull, cposinfVal, cposinfNull, cneginfVal, cneginfNull) } +func AtgNanmean(ptr *Ctensor, self Ctensor, dimData []int64, dimLen int, keepdim int32, dtype int32){ +cdimDataPtr := (*C.int64_t)(unsafe.Pointer(&dimData[0])) +cdimLen := *(*C.int)(unsafe.Pointer(&dimLen)) +ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) +cdtype := *(*C.int)(unsafe.Pointer(&dtype)) + C.atg_nanmean(ptr, self, cdimDataPtr, cdimLen, ckeepdim, cdtype) +} +func AtgNanmeanOut(ptr *Ctensor, out Ctensor, self Ctensor, dimData []int64, dimLen int, keepdim int32, dtype int32){ +cdimDataPtr := (*C.int64_t)(unsafe.Pointer(&dimData[0])) +cdimLen := *(*C.int)(unsafe.Pointer(&dimLen)) +ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) +cdtype := *(*C.int)(unsafe.Pointer(&dtype)) + C.atg_nanmean_out(ptr, out, self, cdimDataPtr, cdimLen, ckeepdim, cdtype) +} func AtgNanmedian(ptr *Ctensor, self Ctensor){ C.atg_nanmedian(ptr, self) } @@ -5888,6 +6157,13 @@ coptionsKind := *(*C.int)(unsafe.Pointer(&optionsKind)) coptionsDevice := *(*C.int)(unsafe.Pointer(&optionsDevice)) C.atg_new_full(ptr, self, csizeDataPtr, csizeLen, fillValue , coptionsKind, coptionsDevice) } +func AtgNewOnes(ptr *Ctensor, self Ctensor, sizeData []int64, sizeLen int, optionsKind int32, optionsDevice int32){ +csizeDataPtr := (*C.int64_t)(unsafe.Pointer(&sizeData[0])) +csizeLen := *(*C.int)(unsafe.Pointer(&sizeLen)) +coptionsKind := *(*C.int)(unsafe.Pointer(&optionsKind)) +coptionsDevice := *(*C.int)(unsafe.Pointer(&optionsDevice)) + C.atg_new_ones(ptr, self, csizeDataPtr, csizeLen, coptionsKind, coptionsDevice) +} func AtgNewZeros(ptr *Ctensor, self Ctensor, sizeData []int64, sizeLen int, optionsKind int32, optionsDevice int32){ csizeDataPtr := (*C.int64_t)(unsafe.Pointer(&sizeData[0])) csizeLen := *(*C.int)(unsafe.Pointer(&sizeLen)) @@ -6125,8 +6401,9 @@ cdimsDataPtr := (*C.int64_t)(unsafe.Pointer(&dimsData[0])) cdimsLen := *(*C.int)(unsafe.Pointer(&dimsLen)) C.atg_permute(ptr, self, cdimsDataPtr, cdimsLen) } -func AtgPinMemory(ptr *Ctensor, self Ctensor){ - C.atg_pin_memory(ptr, self) +func AtgPinMemory(ptr *Ctensor, self Ctensor, device int32){ +cdevice := *(*C.int)(unsafe.Pointer(&device)) + C.atg_pin_memory(ptr, self, cdevice) } func AtgPinverse(ptr *Ctensor, self Ctensor, rcond float64){ crcond := *(*C.double)(unsafe.Pointer(&rcond)) @@ -6171,8 +6448,8 @@ cn := *(*C.int64_t)(unsafe.Pointer(&n)) func AtgPositive(ptr *Ctensor, self Ctensor){ C.atg_positive(ptr, self) } -func AtgPow(ptr *Ctensor, self Ctensor, exponent Cscalar){ - C.atg_pow(ptr, self, exponent ) +func AtgPow(ptr *Ctensor, self Ctensor, exponent Ctensor){ + C.atg_pow(ptr, self, exponent) } func AtgPow_(ptr *Ctensor, self Ctensor, exponent Cscalar){ C.atg_pow_(ptr, self, exponent ) @@ -6186,12 +6463,12 @@ func AtgPowScalarOut(ptr *Ctensor, out Ctensor, selfScalar Cscalar, exponent Cte func AtgPowTensor_(ptr *Ctensor, self Ctensor, exponent Ctensor){ C.atg_pow_tensor_(ptr, self, exponent) } +func AtgPowTensorScalar(ptr *Ctensor, self Ctensor, exponent Cscalar){ + C.atg_pow_tensor_scalar(ptr, self, exponent ) +} func AtgPowTensorScalarOut(ptr *Ctensor, out Ctensor, self Ctensor, exponent Cscalar){ C.atg_pow_tensor_scalar_out(ptr, out, self, exponent ) } -func AtgPowTensorTensor(ptr *Ctensor, self Ctensor, exponent Ctensor){ - C.atg_pow_tensor_tensor(ptr, self, exponent) -} func AtgPowTensorTensorOut(ptr *Ctensor, out Ctensor, self Ctensor, exponent Ctensor){ C.atg_pow_tensor_tensor_out(ptr, out, self, exponent) } @@ -6326,6 +6603,10 @@ czeroPoint := *(*C.int64_t)(unsafe.Pointer(&zeroPoint)) cdtype := *(*C.int)(unsafe.Pointer(&dtype)) C.atg_quantize_per_tensor(ptr, self, cscale, czeroPoint, cdtype) } +func AtgQuantizePerTensorTensorQparams(ptr *Ctensor, self Ctensor, scale Ctensor, zeroPoint Ctensor, dtype int32){ +cdtype := *(*C.int)(unsafe.Pointer(&dtype)) + C.atg_quantize_per_tensor_tensor_qparams(ptr, self, scale, zeroPoint, cdtype) +} func AtgQuantizedBatchNorm(ptr *Ctensor, input Ctensor, weight Ctensor, bias Ctensor, mean Ctensor, vari Ctensor, eps float64, outputScale float64, outputZeroPoint int64){ ceps := *(*C.double)(unsafe.Pointer(&eps)) @@ -6540,6 +6821,26 @@ cpaddingDataPtr := (*C.int64_t)(unsafe.Pointer(&paddingData[0])) cpaddingLen := *(*C.int)(unsafe.Pointer(&paddingLen)) C.atg_reflection_pad2d_out(ptr, out, self, cpaddingDataPtr, cpaddingLen) } +func AtgReflectionPad3d(ptr *Ctensor, self Ctensor, paddingData []int64, paddingLen int){ +cpaddingDataPtr := (*C.int64_t)(unsafe.Pointer(&paddingData[0])) +cpaddingLen := *(*C.int)(unsafe.Pointer(&paddingLen)) + C.atg_reflection_pad3d(ptr, self, cpaddingDataPtr, cpaddingLen) +} +func AtgReflectionPad3dBackward(ptr *Ctensor, gradOutput Ctensor, self Ctensor, paddingData []int64, paddingLen int){ +cpaddingDataPtr := (*C.int64_t)(unsafe.Pointer(&paddingData[0])) +cpaddingLen := *(*C.int)(unsafe.Pointer(&paddingLen)) + C.atg_reflection_pad3d_backward(ptr, gradOutput, self, cpaddingDataPtr, cpaddingLen) +} +func AtgReflectionPad3dBackwardGradInput(ptr *Ctensor, gradInput Ctensor, gradOutput Ctensor, self Ctensor, paddingData []int64, paddingLen int){ +cpaddingDataPtr := (*C.int64_t)(unsafe.Pointer(&paddingData[0])) +cpaddingLen := *(*C.int)(unsafe.Pointer(&paddingLen)) + C.atg_reflection_pad3d_backward_grad_input(ptr, gradInput, gradOutput, self, cpaddingDataPtr, cpaddingLen) +} +func AtgReflectionPad3dOut(ptr *Ctensor, out Ctensor, self Ctensor, paddingData []int64, paddingLen int){ +cpaddingDataPtr := (*C.int64_t)(unsafe.Pointer(&paddingData[0])) +cpaddingLen := *(*C.int)(unsafe.Pointer(&paddingLen)) + C.atg_reflection_pad3d_out(ptr, out, self, cpaddingDataPtr, cpaddingLen) +} func AtgRelu(ptr *Ctensor, self Ctensor){ C.atg_relu(ptr, self) } @@ -6561,6 +6862,9 @@ func AtgRemainder_(ptr *Ctensor, self Ctensor, other Cscalar){ func AtgRemainderScalarOut(ptr *Ctensor, out Ctensor, self Ctensor, other Cscalar){ C.atg_remainder_scalar_out(ptr, out, self, other ) } +func AtgRemainderScalarTensor(ptr *Ctensor, selfScalar Cscalar, other Ctensor){ + C.atg_remainder_scalar_tensor(ptr, selfScalar , other) +} func AtgRemainderTensor(ptr *Ctensor, self Ctensor, other Ctensor){ C.atg_remainder_tensor(ptr, self, other) } @@ -6587,19 +6891,25 @@ crepeatsDataPtr := (*C.int64_t)(unsafe.Pointer(&repeatsData[0])) crepeatsLen := *(*C.int)(unsafe.Pointer(&repeatsLen)) C.atg_repeat(ptr, self, crepeatsDataPtr, crepeatsLen) } -func AtgRepeatInterleave(ptr *Ctensor, repeats Ctensor){ - C.atg_repeat_interleave(ptr, repeats) +func AtgRepeatInterleave(ptr *Ctensor, repeats Ctensor, outputSizeVal int64, outputSizeNull int){ +coutputSizeVal := *(*C.int64_t)(unsafe.Pointer(&outputSizeVal)) +coutputSizeNull := *(*C.uint8_t)(unsafe.Pointer(&outputSizeNull)) + C.atg_repeat_interleave(ptr, repeats, coutputSizeVal, coutputSizeNull) } -func AtgRepeatInterleaveSelfInt(ptr *Ctensor, self Ctensor, repeats int64, dimVal int64, dimNull int){ +func AtgRepeatInterleaveSelfInt(ptr *Ctensor, self Ctensor, repeats int64, dimVal int64, dimNull int, outputSizeVal int64, outputSizeNull int){ crepeats := *(*C.int64_t)(unsafe.Pointer(&repeats)) cdimVal := *(*C.int64_t)(unsafe.Pointer(&dimVal)) -cdimNull := *(*C.uint8_t)(unsafe.Pointer(&dimNull)) - C.atg_repeat_interleave_self_int(ptr, self, crepeats, cdimVal, cdimNull) +cdimNull := *(*C.uint8_t)(unsafe.Pointer(&dimNull)) +coutputSizeVal := *(*C.int64_t)(unsafe.Pointer(&outputSizeVal)) +coutputSizeNull := *(*C.uint8_t)(unsafe.Pointer(&outputSizeNull)) + C.atg_repeat_interleave_self_int(ptr, self, crepeats, cdimVal, cdimNull, coutputSizeVal, coutputSizeNull) } -func AtgRepeatInterleaveSelfTensor(ptr *Ctensor, self Ctensor, repeats Ctensor, dimVal int64, dimNull int){ +func AtgRepeatInterleaveSelfTensor(ptr *Ctensor, self Ctensor, repeats Ctensor, dimVal int64, dimNull int, outputSizeVal int64, outputSizeNull int){ cdimVal := *(*C.int64_t)(unsafe.Pointer(&dimVal)) -cdimNull := *(*C.uint8_t)(unsafe.Pointer(&dimNull)) - C.atg_repeat_interleave_self_tensor(ptr, self, repeats, cdimVal, cdimNull) +cdimNull := *(*C.uint8_t)(unsafe.Pointer(&dimNull)) +coutputSizeVal := *(*C.int64_t)(unsafe.Pointer(&outputSizeVal)) +coutputSizeNull := *(*C.uint8_t)(unsafe.Pointer(&outputSizeNull)) + C.atg_repeat_interleave_self_tensor(ptr, self, repeats, cdimVal, cdimNull, coutputSizeVal, coutputSizeNull) } func AtgReplicationPad1d(ptr *Ctensor, self Ctensor, paddingData []int64, paddingLen int){ cpaddingDataPtr := (*C.int64_t)(unsafe.Pointer(&paddingData[0])) @@ -6684,6 +6994,18 @@ func AtgResizeAs_(ptr *Ctensor, self Ctensor, theTemplate Ctensor){ func AtgResizeAsSparse_(ptr *Ctensor, self Ctensor, theTemplate Ctensor){ C.atg_resize_as_sparse_(ptr, self, theTemplate) } +func AtgResolveConj(ptr *Ctensor, self Ctensor){ + C.atg_resolve_conj(ptr, self) +} +func AtgResolveNeg(ptr *Ctensor, self Ctensor){ + C.atg_resolve_neg(ptr, self) +} +func AtgRetainsGrad(self Ctensor) bool{ + cResult := C.atg_retains_grad(self) + cbool := *(*int)(unsafe.Pointer(&cResult)) + if cbool == 1{return true} + return false +} func AtgRnnRelu(ptr *Ctensor, input Ctensor, hx Ctensor, paramsData []Ctensor, paramsLen int, hasBiases int32, numLayers int64, dropout float64, train int32, bidirectional int32, batchFirst int32){ cparamsDataPtr := (*Ctensor)(unsafe.Pointer(¶msData[0])) cparamsLen := *(*C.int)(unsafe.Pointer(¶msLen)) @@ -6825,6 +7147,17 @@ func AtgScatterAdd_(ptr *Ctensor, self Ctensor, dim int64, index Ctensor, src Ct cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) C.atg_scatter_add_(ptr, self, cdim, index, src) } +func AtgScatterAddOut(ptr *Ctensor, out Ctensor, self Ctensor, dim int64, index Ctensor, src Ctensor){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) + C.atg_scatter_add_out(ptr, out, self, cdim, index, src) +} +func AtgScatterReduce(ptr *Ctensor, self Ctensor, dim int64, index Ctensor, src Ctensor, reduce string){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) +creduce := C.CString(reduce) +reduceLen := len(reduce) +creduceLen := *(*C.int)(unsafe.Pointer(&reduceLen)) + C.atg_scatter_reduce(ptr, self, cdim, index, src, creduce, creduceLen) +} func AtgScatterReduce_(ptr *Ctensor, self Ctensor, dim int64, index Ctensor, src Ctensor, reduce string){ cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) creduce := C.CString(reduce) @@ -6832,6 +7165,17 @@ reduceLen := len(reduce) creduceLen := *(*C.int)(unsafe.Pointer(&reduceLen)) C.atg_scatter_reduce_(ptr, self, cdim, index, src, creduce, creduceLen) } +func AtgScatterReduceOut(ptr *Ctensor, out Ctensor, self Ctensor, dim int64, index Ctensor, src Ctensor, reduce string){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) +creduce := C.CString(reduce) +reduceLen := len(reduce) +creduceLen := *(*C.int)(unsafe.Pointer(&reduceLen)) + C.atg_scatter_reduce_out(ptr, out, self, cdim, index, src, creduce, creduceLen) +} +func AtgScatterSrcOut(ptr *Ctensor, out Ctensor, self Ctensor, dim int64, index Ctensor, src Ctensor){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) + C.atg_scatter_src_out(ptr, out, self, cdim, index, src) +} func AtgScatterValue(ptr *Ctensor, self Ctensor, dim int64, index Ctensor, value Cscalar){ cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) C.atg_scatter_value(ptr, self, cdim, index, value ) @@ -6840,6 +7184,17 @@ func AtgScatterValue_(ptr *Ctensor, self Ctensor, dim int64, index Ctensor, valu cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) C.atg_scatter_value_(ptr, self, cdim, index, value ) } +func AtgScatterValueOut(ptr *Ctensor, out Ctensor, self Ctensor, dim int64, index Ctensor, value Cscalar){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) + C.atg_scatter_value_out(ptr, out, self, cdim, index, value ) +} +func AtgScatterValueReduce(ptr *Ctensor, self Ctensor, dim int64, index Ctensor, value Cscalar, reduce string){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) +creduce := C.CString(reduce) +reduceLen := len(reduce) +creduceLen := *(*C.int)(unsafe.Pointer(&reduceLen)) + C.atg_scatter_value_reduce(ptr, self, cdim, index, value , creduce, creduceLen) +} func AtgScatterValueReduce_(ptr *Ctensor, self Ctensor, dim int64, index Ctensor, value Cscalar, reduce string){ cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) creduce := C.CString(reduce) @@ -6847,6 +7202,13 @@ reduceLen := len(reduce) creduceLen := *(*C.int)(unsafe.Pointer(&reduceLen)) C.atg_scatter_value_reduce_(ptr, self, cdim, index, value , creduce, creduceLen) } +func AtgScatterValueReduceOut(ptr *Ctensor, out Ctensor, self Ctensor, dim int64, index Ctensor, value Cscalar, reduce string){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) +creduce := C.CString(reduce) +reduceLen := len(reduce) +creduceLen := *(*C.int)(unsafe.Pointer(&reduceLen)) + C.atg_scatter_value_reduce_out(ptr, out, self, cdim, index, value , creduce, creduceLen) +} func AtgSearchsorted(ptr *Ctensor, sortedSequence Ctensor, self Ctensor, outInt32 int32, right int32){ coutInt32 := *(*C.int)(unsafe.Pointer(&outInt32)) cright := *(*C.int)(unsafe.Pointer(&right)) @@ -6870,20 +7232,17 @@ caxis := *(*C.int64_t)(unsafe.Pointer(&axis)) cunsafety := *(*C.int)(unsafe.Pointer(&unsafety)) C.atg_segment_reduce(ptr, data, creduce, creduceLen, lengths, indices, caxis, cunsafety, initial ) } -func AtgSegmentReduceBackward(ptr *Ctensor, grad Ctensor, output Ctensor, data Ctensor, lengths Ctensor){ - C.atg_segment_reduce_backward(ptr, grad, output, data, lengths) -} func AtgSelect(ptr *Ctensor, self Ctensor, dim int64, index int64){ cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) cindex := *(*C.int64_t)(unsafe.Pointer(&index)) C.atg_select(ptr, self, cdim, cindex) } -func AtgSelectBackward(ptr *Ctensor, grad Ctensor, inputSizesData []int64, inputSizesLen int, dim int64, index int64){ +func AtgSelectBackward(ptr *Ctensor, gradOutput Ctensor, inputSizesData []int64, inputSizesLen int, dim int64, index int64){ cinputSizesDataPtr := (*C.int64_t)(unsafe.Pointer(&inputSizesData[0])) cinputSizesLen := *(*C.int)(unsafe.Pointer(&inputSizesLen)) cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) cindex := *(*C.int64_t)(unsafe.Pointer(&index)) - C.atg_select_backward(ptr, grad, cinputSizesDataPtr, cinputSizesLen, cdim, cindex) + C.atg_select_backward(ptr, gradOutput, cinputSizesDataPtr, cinputSizesLen, cdim, cindex) } func AtgSelu(ptr *Ctensor, self Ctensor){ C.atg_selu(ptr, self) @@ -6949,6 +7308,9 @@ func AtgSilu_(ptr *Ctensor, self Ctensor){ func AtgSiluBackward(ptr *Ctensor, gradOutput Ctensor, self Ctensor){ C.atg_silu_backward(ptr, gradOutput, self) } +func AtgSiluBackwardGradInput(ptr *Ctensor, gradInput Ctensor, gradOutput Ctensor, self Ctensor){ + C.atg_silu_backward_grad_input(ptr, gradInput, gradOutput, self) +} func AtgSiluOut(ptr *Ctensor, out Ctensor, self Ctensor){ C.atg_silu_out(ptr, out, self) } @@ -6988,14 +7350,14 @@ cendNull := *(*C.uint8_t)(unsafe.Pointer(&endNull)) cstep := *(*C.int64_t)(unsafe.Pointer(&step)) C.atg_slice(ptr, self, cdim, cstartVal, cstartNull, cendVal, cendNull, cstep) } -func AtgSliceBackward(ptr *Ctensor, grad Ctensor, inputSizesData []int64, inputSizesLen int, dim int64, start int64, end int64, step int64){ +func AtgSliceBackward(ptr *Ctensor, gradOutput Ctensor, inputSizesData []int64, inputSizesLen int, dim int64, start int64, end int64, step int64){ cinputSizesDataPtr := (*C.int64_t)(unsafe.Pointer(&inputSizesData[0])) cinputSizesLen := *(*C.int)(unsafe.Pointer(&inputSizesLen)) cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) cstart := *(*C.int64_t)(unsafe.Pointer(&start)) cend := *(*C.int64_t)(unsafe.Pointer(&end)) cstep := *(*C.int64_t)(unsafe.Pointer(&step)) - C.atg_slice_backward(ptr, grad, cinputSizesDataPtr, cinputSizesLen, cdim, cstart, cend, cstep) + C.atg_slice_backward(ptr, gradOutput, cinputSizesDataPtr, cinputSizesLen, cdim, cstart, cend, cstep) } func AtgSlogdet(ptr *Ctensor, self Ctensor){ C.atg_slogdet(ptr, self) @@ -7207,6 +7569,18 @@ coptionsKind := *(*C.int)(unsafe.Pointer(&optionsKind)) coptionsDevice := *(*C.int)(unsafe.Pointer(&optionsDevice)) C.atg_sparse_coo_tensor_indices_size(ptr, indices, values, csizeDataPtr, csizeLen, coptionsKind, coptionsDevice) } +func AtgSparseCsrTensor(ptr *Ctensor, crowIndices Ctensor, colIndices Ctensor, values Ctensor, optionsKind int32, optionsDevice int32){ +coptionsKind := *(*C.int)(unsafe.Pointer(&optionsKind)) +coptionsDevice := *(*C.int)(unsafe.Pointer(&optionsDevice)) + C.atg_sparse_csr_tensor(ptr, crowIndices, colIndices, values, coptionsKind, coptionsDevice) +} +func AtgSparseCsrTensorCrowColValueSize(ptr *Ctensor, crowIndices Ctensor, colIndices Ctensor, values Ctensor, sizeData []int64, sizeLen int, optionsKind int32, optionsDevice int32){ +csizeDataPtr := (*C.int64_t)(unsafe.Pointer(&sizeData[0])) +csizeLen := *(*C.int)(unsafe.Pointer(&sizeLen)) +coptionsKind := *(*C.int)(unsafe.Pointer(&optionsKind)) +coptionsDevice := *(*C.int)(unsafe.Pointer(&optionsDevice)) + C.atg_sparse_csr_tensor_crow_col_value_size(ptr, crowIndices, colIndices, values, csizeDataPtr, csizeLen, coptionsKind, coptionsDevice) +} func AtgSparseDim(self Ctensor) int64{ cResult := C.atg_sparse_dim(self) return *(*int64)(unsafe.Pointer(&cResult)) @@ -7228,6 +7602,12 @@ csparseDim := *(*C.int64_t)(unsafe.Pointer(&sparseDim)) cdenseDim := *(*C.int64_t)(unsafe.Pointer(&denseDim)) C.atg_sparse_resize_and_clear_(ptr, self, csizeDataPtr, csizeLen, csparseDim, cdenseDim) } +func AtgSpecialDigamma(ptr *Ctensor, self Ctensor){ + C.atg_special_digamma(ptr, self) +} +func AtgSpecialDigammaOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_special_digamma_out(ptr, out, self) +} func AtgSpecialEntr(ptr *Ctensor, self Ctensor){ C.atg_special_entr(ptr, self) } @@ -7246,6 +7626,12 @@ func AtgSpecialErfc(ptr *Ctensor, self Ctensor){ func AtgSpecialErfcOut(ptr *Ctensor, out Ctensor, self Ctensor){ C.atg_special_erfc_out(ptr, out, self) } +func AtgSpecialErfcx(ptr *Ctensor, self Ctensor){ + C.atg_special_erfcx(ptr, self) +} +func AtgSpecialErfcxOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_special_erfcx_out(ptr, out, self) +} func AtgSpecialErfinv(ptr *Ctensor, self Ctensor){ C.atg_special_erfinv(ptr, self) } @@ -7270,18 +7656,59 @@ func AtgSpecialExpm1(ptr *Ctensor, self Ctensor){ func AtgSpecialExpm1Out(ptr *Ctensor, out Ctensor, self Ctensor){ C.atg_special_expm1_out(ptr, out, self) } +func AtgSpecialGammainc(ptr *Ctensor, self Ctensor, other Ctensor){ + C.atg_special_gammainc(ptr, self, other) +} +func AtgSpecialGammaincOut(ptr *Ctensor, out Ctensor, self Ctensor, other Ctensor){ + C.atg_special_gammainc_out(ptr, out, self, other) +} +func AtgSpecialGammaincc(ptr *Ctensor, self Ctensor, other Ctensor){ + C.atg_special_gammaincc(ptr, self, other) +} +func AtgSpecialGammainccOut(ptr *Ctensor, out Ctensor, self Ctensor, other Ctensor){ + C.atg_special_gammaincc_out(ptr, out, self, other) +} func AtgSpecialGammaln(ptr *Ctensor, self Ctensor){ C.atg_special_gammaln(ptr, self) } func AtgSpecialGammalnOut(ptr *Ctensor, out Ctensor, self Ctensor){ C.atg_special_gammaln_out(ptr, out, self) } +func AtgSpecialI0(ptr *Ctensor, self Ctensor){ + C.atg_special_i0(ptr, self) +} +func AtgSpecialI0Out(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_special_i0_out(ptr, out, self) +} func AtgSpecialI0e(ptr *Ctensor, self Ctensor){ C.atg_special_i0e(ptr, self) } func AtgSpecialI0eOut(ptr *Ctensor, out Ctensor, self Ctensor){ C.atg_special_i0e_out(ptr, out, self) } +func AtgSpecialI1(ptr *Ctensor, self Ctensor){ + C.atg_special_i1(ptr, self) +} +func AtgSpecialI1Out(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_special_i1_out(ptr, out, self) +} +func AtgSpecialI1e(ptr *Ctensor, self Ctensor){ + C.atg_special_i1e(ptr, self) +} +func AtgSpecialI1eOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_special_i1e_out(ptr, out, self) +} +func AtgSpecialLog1p(ptr *Ctensor, self Ctensor){ + C.atg_special_log1p(ptr, self) +} +func AtgSpecialLog1pOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_special_log1p_out(ptr, out, self) +} +func AtgSpecialLogSoftmax(ptr *Ctensor, self Ctensor, dim int64, dtype int32){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) +cdtype := *(*C.int)(unsafe.Pointer(&dtype)) + C.atg_special_log_softmax(ptr, self, cdim, cdtype) +} func AtgSpecialLogit(ptr *Ctensor, self Ctensor, epsVal float64, epsNull int){ cepsVal := *(*C.double)(unsafe.Pointer(&epsVal)) cepsNull := *(*C.uint8_t)(unsafe.Pointer(&epsNull)) @@ -7292,6 +7719,64 @@ cepsVal := *(*C.double)(unsafe.Pointer(&epsVal)) cepsNull := *(*C.uint8_t)(unsafe.Pointer(&epsNull)) C.atg_special_logit_out(ptr, out, self, cepsVal, cepsNull) } +func AtgSpecialLogsumexp(ptr *Ctensor, self Ctensor, dimData []int64, dimLen int, keepdim int32){ +cdimDataPtr := (*C.int64_t)(unsafe.Pointer(&dimData[0])) +cdimLen := *(*C.int)(unsafe.Pointer(&dimLen)) +ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) + C.atg_special_logsumexp(ptr, self, cdimDataPtr, cdimLen, ckeepdim) +} +func AtgSpecialLogsumexpOut(ptr *Ctensor, out Ctensor, self Ctensor, dimData []int64, dimLen int, keepdim int32){ +cdimDataPtr := (*C.int64_t)(unsafe.Pointer(&dimData[0])) +cdimLen := *(*C.int)(unsafe.Pointer(&dimLen)) +ckeepdim := *(*C.int)(unsafe.Pointer(&keepdim)) + C.atg_special_logsumexp_out(ptr, out, self, cdimDataPtr, cdimLen, ckeepdim) +} +func AtgSpecialMultigammaln(ptr *Ctensor, self Ctensor, p int64){ +cp := *(*C.int64_t)(unsafe.Pointer(&p)) + C.atg_special_multigammaln(ptr, self, cp) +} +func AtgSpecialMultigammalnOut(ptr *Ctensor, out Ctensor, self Ctensor, p int64){ +cp := *(*C.int64_t)(unsafe.Pointer(&p)) + C.atg_special_multigammaln_out(ptr, out, self, cp) +} +func AtgSpecialNdtr(ptr *Ctensor, self Ctensor){ + C.atg_special_ndtr(ptr, self) +} +func AtgSpecialNdtrOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_special_ndtr_out(ptr, out, self) +} +func AtgSpecialNdtri(ptr *Ctensor, self Ctensor){ + C.atg_special_ndtri(ptr, self) +} +func AtgSpecialNdtriOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_special_ndtri_out(ptr, out, self) +} +func AtgSpecialPolygamma(ptr *Ctensor, n int64, self Ctensor){ +cn := *(*C.int64_t)(unsafe.Pointer(&n)) + C.atg_special_polygamma(ptr, cn, self) +} +func AtgSpecialPolygammaOut(ptr *Ctensor, out Ctensor, n int64, self Ctensor){ +cn := *(*C.int64_t)(unsafe.Pointer(&n)) + C.atg_special_polygamma_out(ptr, out, cn, self) +} +func AtgSpecialPsi(ptr *Ctensor, self Ctensor){ + C.atg_special_psi(ptr, self) +} +func AtgSpecialPsiOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_special_psi_out(ptr, out, self) +} +func AtgSpecialRound(ptr *Ctensor, self Ctensor){ + C.atg_special_round(ptr, self) +} +func AtgSpecialRoundOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_special_round_out(ptr, out, self) +} +func AtgSpecialSinc(ptr *Ctensor, self Ctensor){ + C.atg_special_sinc(ptr, self) +} +func AtgSpecialSincOut(ptr *Ctensor, out Ctensor, self Ctensor){ + C.atg_special_sinc_out(ptr, out, self) +} func AtgSpecialXlog1py(ptr *Ctensor, self Ctensor, other Ctensor){ C.atg_special_xlog1py(ptr, self, other) } @@ -7310,6 +7795,42 @@ func AtgSpecialXlog1pySelfScalar(ptr *Ctensor, selfScalar Cscalar, other Ctensor func AtgSpecialXlog1pySelfScalarOut(ptr *Ctensor, out Ctensor, selfScalar Cscalar, other Ctensor){ C.atg_special_xlog1py_self_scalar_out(ptr, out, selfScalar , other) } +func AtgSpecialXlogy(ptr *Ctensor, self Ctensor, other Ctensor){ + C.atg_special_xlogy(ptr, self, other) +} +func AtgSpecialXlogyOtherScalar(ptr *Ctensor, self Ctensor, other Cscalar){ + C.atg_special_xlogy_other_scalar(ptr, self, other ) +} +func AtgSpecialXlogyOtherScalarOut(ptr *Ctensor, out Ctensor, self Ctensor, other Cscalar){ + C.atg_special_xlogy_other_scalar_out(ptr, out, self, other ) +} +func AtgSpecialXlogyOut(ptr *Ctensor, out Ctensor, self Ctensor, other Ctensor){ + C.atg_special_xlogy_out(ptr, out, self, other) +} +func AtgSpecialXlogySelfScalar(ptr *Ctensor, selfScalar Cscalar, other Ctensor){ + C.atg_special_xlogy_self_scalar(ptr, selfScalar , other) +} +func AtgSpecialXlogySelfScalarOut(ptr *Ctensor, out Ctensor, selfScalar Cscalar, other Ctensor){ + C.atg_special_xlogy_self_scalar_out(ptr, out, selfScalar , other) +} +func AtgSpecialZeta(ptr *Ctensor, self Ctensor, other Ctensor){ + C.atg_special_zeta(ptr, self, other) +} +func AtgSpecialZetaOtherScalar(ptr *Ctensor, self Ctensor, other Cscalar){ + C.atg_special_zeta_other_scalar(ptr, self, other ) +} +func AtgSpecialZetaOtherScalarOut(ptr *Ctensor, out Ctensor, self Ctensor, other Cscalar){ + C.atg_special_zeta_other_scalar_out(ptr, out, self, other ) +} +func AtgSpecialZetaOut(ptr *Ctensor, out Ctensor, self Ctensor, other Ctensor){ + C.atg_special_zeta_out(ptr, out, self, other) +} +func AtgSpecialZetaSelfScalar(ptr *Ctensor, selfScalar Cscalar, other Ctensor){ + C.atg_special_zeta_self_scalar(ptr, selfScalar , other) +} +func AtgSpecialZetaSelfScalarOut(ptr *Ctensor, out Ctensor, selfScalar Cscalar, other Ctensor){ + C.atg_special_zeta_self_scalar_out(ptr, out, selfScalar , other) +} func AtgSqrt(ptr *Ctensor, self Ctensor){ @@ -7688,6 +8209,14 @@ cdim0 := *(*C.int64_t)(unsafe.Pointer(&dim0)) cdim1 := *(*C.int64_t)(unsafe.Pointer(&dim1)) C.atg_transpose_(ptr, self, cdim0, cdim1) } +func AtgTrapezoid(ptr *Ctensor, y Ctensor, dim int64){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) + C.atg_trapezoid(ptr, y, cdim) +} +func AtgTrapezoidX(ptr *Ctensor, y Ctensor, x Ctensor, dim int64){ +cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) + C.atg_trapezoid_x(ptr, y, x, cdim) +} func AtgTrapz(ptr *Ctensor, y Ctensor, x Ctensor, dim int64){ cdim := *(*C.int64_t)(unsafe.Pointer(&dim)) C.atg_trapz(ptr, y, x, cdim) diff --git a/libtch/torch_api_generated.cpp.h b/libtch/torch_api_generated.cpp.h index 5a1e18b..8eb8d9e 100644 --- a/libtch/torch_api_generated.cpp.h +++ b/libtch/torch_api_generated.cpp.h @@ -196,6 +196,20 @@ void atg__add_relu_out(tensor *out__, tensor out, tensor self, tensor other) { ) } +void atg__add_relu_scalar(tensor *out__, tensor self, scalar other) { + PROTECT( + auto outputs__ = torch::_add_relu(*self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg__add_relu_scalar_(tensor *out__, tensor self, scalar other) { + PROTECT( + auto outputs__ = torch::_add_relu_(*self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg__aminmax(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::_aminmax(*self); @@ -226,20 +240,6 @@ void atg__baddbmm_mkl_(tensor *out__, tensor self, tensor batch1, tensor batch2) ) } -void atg__bmm(tensor *out__, tensor self, tensor mat2, int deterministic) { - PROTECT( - auto outputs__ = torch::_bmm(*self, *mat2, (bool)deterministic); - out__[0] = new torch::Tensor(outputs__); - ) -} - -void atg__bmm_out(tensor *out__, tensor out, tensor self, tensor mat2, int deterministic) { - PROTECT( - auto outputs__ = torch::_bmm_out(*out, *self, *mat2, (bool)deterministic); - out__[0] = new torch::Tensor(outputs__); - ) -} - void atg__cast_byte(tensor *out__, tensor self, int non_blocking) { PROTECT( auto outputs__ = torch::_cast_Byte(*self, (bool)non_blocking); @@ -359,6 +359,49 @@ void atg__conj(tensor *out__, tensor self) { ) } +void atg__conj_physical(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::_conj_physical(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg__conv_depthwise2d(tensor *out__, tensor self, tensor weight, int64_t *kernel_size_data, int kernel_size_len, tensor bias, int64_t *stride_data, int stride_len, int64_t *padding_data, int padding_len, int64_t *dilation_data, int dilation_len) { + PROTECT( + auto outputs__ = torch::_conv_depthwise2d(*self, *weight, torch::IntArrayRef(kernel_size_data, kernel_size_len), (bias ? *bias : torch::Tensor()), torch::IntArrayRef(stride_data, stride_len), torch::IntArrayRef(padding_data, padding_len), torch::IntArrayRef(dilation_data, dilation_len)); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg__conv_depthwise2d_backward(tensor *out__, tensor grad_input, tensor grad_weight, tensor grad_output, tensor self, tensor weight, int64_t *kernel_size_data, int kernel_size_len, int64_t *stride_data, int stride_len, int64_t *padding_data, int padding_len, int64_t *dilation_data, int dilation_len) { + PROTECT( + auto outputs__ = torch::_conv_depthwise2d_backward_out(*grad_input, *grad_weight, *grad_output, *self, *weight, torch::IntArrayRef(kernel_size_data, kernel_size_len), torch::IntArrayRef(stride_data, stride_len), torch::IntArrayRef(padding_data, padding_len), torch::IntArrayRef(dilation_data, dilation_len)); + out__[0] = new torch::Tensor(std::get<0>(outputs__)); + out__[1] = new torch::Tensor(std::get<1>(outputs__)); + ) +} + +void atg__conv_depthwise2d_out(tensor *out__, tensor out, tensor self, tensor weight, int64_t *kernel_size_data, int kernel_size_len, tensor bias, int64_t *stride_data, int stride_len, int64_t *padding_data, int padding_len, int64_t *dilation_data, int dilation_len) { + PROTECT( + auto outputs__ = torch::_conv_depthwise2d_out(*out, *self, *weight, torch::IntArrayRef(kernel_size_data, kernel_size_len), (bias ? *bias : torch::Tensor()), torch::IntArrayRef(stride_data, stride_len), torch::IntArrayRef(padding_data, padding_len), torch::IntArrayRef(dilation_data, dilation_len)); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg__convert_indices_from_coo_to_csr(tensor *out__, tensor self, int64_t size, int out_int32) { + PROTECT( + auto outputs__ = torch::_convert_indices_from_coo_to_csr(*self, size, (bool)out_int32); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg__convert_indices_from_coo_to_csr_out(tensor *out__, tensor out, tensor self, int64_t size, int out_int32) { + PROTECT( + auto outputs__ = torch::_convert_indices_from_coo_to_csr_out(*out, *self, size, (bool)out_int32); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg__convolution(tensor *out__, tensor input, tensor weight, tensor bias, int64_t *stride_data, int stride_len, int64_t *padding_data, int padding_len, int64_t *dilation_data, int dilation_len, int transposed, int64_t *output_padding_data, int output_padding_len, int64_t groups, int benchmark, int deterministic, int cudnn_enabled, int allow_tf32) { PROTECT( auto outputs__ = torch::_convolution(*input, *weight, (bias ? *bias : torch::Tensor()), torch::IntArrayRef(stride_data, stride_len), torch::IntArrayRef(padding_data, padding_len), torch::IntArrayRef(dilation_data, dilation_len), (bool)transposed, torch::IntArrayRef(output_padding_data, output_padding_len), groups, (bool)benchmark, (bool)deterministic, (bool)cudnn_enabled, (bool)allow_tf32); @@ -394,6 +437,13 @@ void atg__copy_from(tensor *out__, tensor self, tensor dst, int non_blocking) { ) } +void atg__copy_from_and_resize(tensor *out__, tensor self, tensor dst) { + PROTECT( + auto outputs__ = torch::_copy_from_and_resize(*self, *dst); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg__ctc_loss(tensor *out__, tensor log_probs, tensor targets, int64_t *input_lengths_data, int input_lengths_len, int64_t *target_lengths_data, int target_lengths_len, int64_t blank, int zero_infinity) { PROTECT( auto outputs__ = torch::_ctc_loss(*log_probs, *targets, torch::IntArrayRef(input_lengths_data, input_lengths_len), torch::IntArrayRef(target_lengths_data, target_lengths_len), blank, (bool)zero_infinity); @@ -456,34 +506,6 @@ int64_t atg__cufft_get_plan_cache_size(int64_t device_index) { return 0; } -void atg__cumprod(tensor *out__, tensor self, int64_t dim) { - PROTECT( - auto outputs__ = torch::_cumprod(*self, dim); - out__[0] = new torch::Tensor(outputs__); - ) -} - -void atg__cumprod_out(tensor *out__, tensor out, tensor self, int64_t dim) { - PROTECT( - auto outputs__ = torch::_cumprod_out(*out, *self, dim); - out__[0] = new torch::Tensor(outputs__); - ) -} - -void atg__cumsum(tensor *out__, tensor self, int64_t dim) { - PROTECT( - auto outputs__ = torch::_cumsum(*self, dim); - out__[0] = new torch::Tensor(outputs__); - ) -} - -void atg__cumsum_out(tensor *out__, tensor out, tensor self, int64_t dim) { - PROTECT( - auto outputs__ = torch::_cumsum_out(*out, *self, dim); - out__[0] = new torch::Tensor(outputs__); - ) -} - int64_t atg__debug_has_internal_overlap(tensor self) { PROTECT( return torch::_debug_has_internal_overlap(*self); @@ -491,6 +513,22 @@ int64_t atg__debug_has_internal_overlap(tensor self) { return 0; } +void atg__det_lu_based_helper(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::_det_lu_based_helper(*self); + out__[0] = new torch::Tensor(std::get<0>(outputs__)); + out__[1] = new torch::Tensor(std::get<1>(outputs__)); + out__[2] = new torch::Tensor(std::get<2>(outputs__)); + ) +} + +void atg__det_lu_based_helper_backward_helper(tensor *out__, tensor det_grad, tensor det, tensor self, tensor lu, tensor pivs) { + PROTECT( + auto outputs__ = torch::_det_lu_based_helper_backward_helper(*det_grad, *det, *self, *lu, *pivs); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg__dim_arange(tensor *out__, tensor like, int64_t dim) { PROTECT( auto outputs__ = torch::_dim_arange(*like, dim); @@ -620,6 +658,14 @@ void atg__fake_quantize_learnable_per_tensor_affine_backward(tensor *out__, tens ) } +void atg__fake_quantize_per_tensor_affine_cachemask_tensor_qparams(tensor *out__, tensor self, tensor scale, tensor zero_point, tensor fake_quant_enabled, int64_t quant_min, int64_t quant_max) { + PROTECT( + auto outputs__ = torch::_fake_quantize_per_tensor_affine_cachemask_tensor_qparams(*self, *scale, *zero_point, *fake_quant_enabled, quant_min, quant_max); + out__[0] = new torch::Tensor(std::get<0>(outputs__)); + out__[1] = new torch::Tensor(std::get<1>(outputs__)); + ) +} + void atg__fft_c2c(tensor *out__, tensor self, int64_t *dim_data, int dim_len, int64_t normalization, int forward) { PROTECT( auto outputs__ = torch::_fft_c2c(*self, torch::IntArrayRef(dim_data, dim_len), normalization, (bool)forward); @@ -670,6 +716,14 @@ void atg__fused_dropout(tensor *out__, tensor self, double p) { ) } +void atg__fused_moving_avg_obs_fq_helper(tensor *out__, tensor self, tensor observer_on, tensor fake_quant_on, tensor running_min, tensor running_max, tensor scale, tensor zero_point, double averaging_const, int64_t quant_min, int64_t quant_max, int64_t ch_axis, int per_row_fake_quant, int symmetric_quant) { + PROTECT( + auto outputs__ = torch::_fused_moving_avg_obs_fq_helper(*self, *observer_on, *fake_quant_on, *running_min, *running_max, *scale, *zero_point, averaging_const, quant_min, quant_max, ch_axis, (bool)per_row_fake_quant, (bool)symmetric_quant); + out__[0] = new torch::Tensor(std::get<0>(outputs__)); + out__[1] = new torch::Tensor(std::get<1>(outputs__)); + ) +} + void atg__fw_primal(tensor *out__, tensor self, int64_t level) { PROTECT( auto outputs__ = self->_fw_primal(level); @@ -749,13 +803,6 @@ void atg__linalg_qr_helper(tensor *out__, tensor self, char* mode_ptr, int mode_ ) } -void atg__linalg_solve_out_helper_(tensor *out__, tensor self, tensor other, tensor infos) { - PROTECT( - auto outputs__ = torch::_linalg_solve_out_helper_(*self, *other, *infos); - out__[0] = new torch::Tensor(outputs__); - ) -} - void atg__log_softmax(tensor *out__, tensor self, int64_t dim, int half_to_float) { PROTECT( auto outputs__ = torch::_log_softmax(*self, dim, (bool)half_to_float); @@ -770,6 +817,20 @@ void atg__log_softmax_backward_data(tensor *out__, tensor grad_output, tensor ou ) } +void atg__log_softmax_backward_data_out(tensor *out__, tensor out, tensor grad_output, tensor output, int64_t dim, tensor self) { + PROTECT( + auto outputs__ = torch::_log_softmax_backward_data_out(*out, *grad_output, *output, dim, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg__log_softmax_out(tensor *out__, tensor out, tensor self, int64_t dim, int half_to_float) { + PROTECT( + auto outputs__ = torch::_log_softmax_out(*out, *self, dim, (bool)half_to_float); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg__logcumsumexp(tensor *out__, tensor self, int64_t dim) { PROTECT( auto outputs__ = torch::_logcumsumexp(*self, dim); @@ -842,6 +903,13 @@ void atg__mkldnn_transpose_(tensor *out__, tensor self, int64_t dim0, int64_t di ) } +void atg__neg_view(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::_neg_view(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + int atg__nnpack_available() { PROTECT( return torch::_nnpack_available(); @@ -907,6 +975,13 @@ void atg__pdist_backward(tensor *out__, tensor grad, tensor self, double p, tens ) } +void atg__pin_memory(tensor *out__, tensor self, int device) { + PROTECT( + auto outputs__ = torch::_pin_memory(*self, device_of_int(device)); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg__remove_batch_dim(tensor *out__, tensor self, int64_t level, int64_t batch_size, int64_t out_dim) { PROTECT( auto outputs__ = torch::_remove_batch_dim(*self, level, batch_size, out_dim); @@ -914,6 +989,13 @@ void atg__remove_batch_dim(tensor *out__, tensor self, int64_t level, int64_t ba ) } +void atg__reshape_alias(tensor *out__, tensor self, int64_t *size_data, int size_len, int64_t *stride_data, int stride_len) { + PROTECT( + auto outputs__ = torch::_reshape_alias(*self, torch::IntArrayRef(size_data, size_len), torch::IntArrayRef(stride_data, stride_len)); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg__reshape_from_tensor(tensor *out__, tensor self, tensor shape) { PROTECT( auto outputs__ = torch::_reshape_from_tensor(*self, *shape); @@ -950,6 +1032,13 @@ void atg__saturate_weight_to_fp16(tensor *out__, tensor weight) { ) } +void atg__segment_reduce_backward(tensor *out__, tensor grad, tensor output, tensor data, char* reduce_ptr, int reduce_len, tensor lengths, int64_t axis) { + PROTECT( + auto outputs__ = torch::_segment_reduce_backward(*grad, *output, *data, std::string(reduce_ptr, reduce_len), (lengths ? *lengths : torch::Tensor()), axis); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg__shape_as_tensor(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::_shape_as_tensor(*self); @@ -1000,6 +1089,20 @@ void atg__softmax_backward_data(tensor *out__, tensor grad_output, tensor output ) } +void atg__softmax_backward_data_out(tensor *out__, tensor grad_input, tensor grad_output, tensor output, int64_t dim, tensor self) { + PROTECT( + auto outputs__ = torch::_softmax_backward_data_out(*grad_input, *grad_output, *output, dim, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg__softmax_out(tensor *out__, tensor out, tensor self, int64_t dim, int half_to_float) { + PROTECT( + auto outputs__ = torch::_softmax_out(*out, *self, dim, (bool)half_to_float); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg__solve_helper(tensor *out__, tensor self, tensor A) { PROTECT( auto outputs__ = torch::_solve_helper(*self, *A); @@ -1036,16 +1139,9 @@ void atg__sparse_coo_tensor_with_dims_and_tensors(tensor *out__, int64_t sparse_ ) } -void atg__sparse_csr_tensor(tensor *out__, tensor crow_indices, tensor col_indices, tensor values, int options_kind, int options_device) { +void atg__sparse_csr_tensor_unsafe(tensor *out__, tensor crow_indices, tensor col_indices, tensor values, int64_t *size_data, int size_len, int options_kind, int options_device) { PROTECT( - auto outputs__ = torch::_sparse_csr_tensor(*crow_indices, *col_indices, *values, at::device(device_of_int(options_device)).dtype(at::ScalarType(options_kind))); - out__[0] = new torch::Tensor(outputs__); - ) -} - -void atg__sparse_csr_tensor_crow_col_value_size(tensor *out__, tensor crow_indices, tensor col_indices, tensor values, int64_t *size_data, int size_len, int options_kind, int options_device) { - PROTECT( - auto outputs__ = torch::_sparse_csr_tensor(*crow_indices, *col_indices, *values, torch::IntArrayRef(size_data, size_len), at::device(device_of_int(options_device)).dtype(at::ScalarType(options_kind))); + auto outputs__ = torch::_sparse_csr_tensor_unsafe(*crow_indices, *col_indices, *values, torch::IntArrayRef(size_data, size_len), at::device(device_of_int(options_device)).dtype(at::ScalarType(options_kind))); out__[0] = new torch::Tensor(outputs__); ) } @@ -1235,6 +1331,26 @@ void atg__test_string_default(tensor *out__, tensor dummy, char* a_ptr, int a_le ) } +void atg__to_copy(tensor *out__, tensor self, int options_kind, int options_device, int non_blocking) { + PROTECT( + auto outputs__ = torch::_to_copy(*self, at::device(device_of_int(options_device)).dtype(at::ScalarType(options_kind)), (bool)non_blocking); + out__[0] = new torch::Tensor(outputs__); + ) +} + +tensor *atg__to_cpu(tensor *tensors_data, int tensors_len) { + PROTECT( + auto outputs__ = torch::_to_cpu(of_carray_tensor(tensors_data, tensors_len)); + int sz = outputs__.size(); + torch::Tensor **out__ = (torch::Tensor**)malloc((sz + 1) * sizeof(torch::Tensor*)); + for (int i = 0; i < sz; ++i) + out__[i] = new torch::Tensor(outputs__[i]); + out__[sz] = nullptr; + return out__; + ) + return nullptr; +} + void atg__trilinear(tensor *out__, tensor i1, tensor i2, tensor i3, int64_t *expand1_data, int expand1_len, int64_t *expand2_data, int expand2_len, int64_t *expand3_data, int expand3_len, int64_t *sumdim_data, int sumdim_len, int64_t unroll_dim) { PROTECT( auto outputs__ = torch::_trilinear(*i1, *i2, *i3, torch::IntArrayRef(expand1_data, expand1_len), torch::IntArrayRef(expand2_data, expand2_len), torch::IntArrayRef(expand3_data, expand3_len), torch::IntArrayRef(sumdim_data, sumdim_len), unroll_dim); @@ -1736,6 +1852,13 @@ void atg_all(tensor *out__, tensor self) { ) } +void atg_all_all_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::all_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_all_dim(tensor *out__, tensor self, int64_t dim, int keepdim) { PROTECT( auto outputs__ = torch::all(*self, dim, (bool)keepdim); @@ -1799,6 +1922,22 @@ void atg_amin_out(tensor *out__, tensor out, tensor self, int64_t *dim_data, int ) } +void atg_aminmax(tensor *out__, tensor self, int64_t dim_v, uint8_t dim_null, int keepdim) { + PROTECT( + auto outputs__ = torch::aminmax(*self, dim_null ? c10::nullopt : c10::optional(dim_v), (bool)keepdim); + out__[0] = new torch::Tensor(std::get<0>(outputs__)); + out__[1] = new torch::Tensor(std::get<1>(outputs__)); + ) +} + +void atg_aminmax_out(tensor *out__, tensor min, tensor max, tensor self, int64_t dim_v, uint8_t dim_null, int keepdim) { + PROTECT( + auto outputs__ = torch::aminmax_out(*min, *max, *self, dim_null ? c10::nullopt : c10::optional(dim_v), (bool)keepdim); + out__[0] = new torch::Tensor(std::get<0>(outputs__)); + out__[1] = new torch::Tensor(std::get<1>(outputs__)); + ) +} + void atg_angle(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::angle(*self); @@ -1820,6 +1959,13 @@ void atg_any(tensor *out__, tensor self) { ) } +void atg_any_all_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::any_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_any_dim(tensor *out__, tensor self, int64_t dim, int keepdim) { PROTECT( auto outputs__ = torch::any(*self, dim, (bool)keepdim); @@ -2517,6 +2663,55 @@ void atg_bitwise_and_tensor_out(tensor *out__, tensor out, tensor self, tensor o ) } +void atg_bitwise_left_shift(tensor *out__, tensor self, tensor other) { + PROTECT( + auto outputs__ = torch::bitwise_left_shift(*self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_bitwise_left_shift_(tensor *out__, tensor self, tensor other) { + PROTECT( + auto outputs__ = self->bitwise_left_shift_(*other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_bitwise_left_shift_scalar_tensor(tensor *out__, scalar self_scalar, tensor other) { + PROTECT( + auto outputs__ = torch::bitwise_left_shift(*self_scalar, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_bitwise_left_shift_tensor_out(tensor *out__, tensor out, tensor self, tensor other) { + PROTECT( + auto outputs__ = torch::bitwise_left_shift_out(*out, *self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_bitwise_left_shift_tensor_scalar(tensor *out__, tensor self, scalar other) { + PROTECT( + auto outputs__ = torch::bitwise_left_shift(*self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_bitwise_left_shift_tensor_scalar_(tensor *out__, tensor self, scalar other) { + PROTECT( + auto outputs__ = self->bitwise_left_shift_(*other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_bitwise_left_shift_tensor_scalar_out(tensor *out__, tensor out, tensor self, scalar other) { + PROTECT( + auto outputs__ = torch::bitwise_left_shift_out(*out, *self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_bitwise_not(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::bitwise_not(*self); @@ -2580,6 +2775,55 @@ void atg_bitwise_or_tensor_out(tensor *out__, tensor out, tensor self, tensor ot ) } +void atg_bitwise_right_shift(tensor *out__, tensor self, tensor other) { + PROTECT( + auto outputs__ = torch::bitwise_right_shift(*self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_bitwise_right_shift_(tensor *out__, tensor self, tensor other) { + PROTECT( + auto outputs__ = self->bitwise_right_shift_(*other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_bitwise_right_shift_scalar_tensor(tensor *out__, scalar self_scalar, tensor other) { + PROTECT( + auto outputs__ = torch::bitwise_right_shift(*self_scalar, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_bitwise_right_shift_tensor_out(tensor *out__, tensor out, tensor self, tensor other) { + PROTECT( + auto outputs__ = torch::bitwise_right_shift_out(*out, *self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_bitwise_right_shift_tensor_scalar(tensor *out__, tensor self, scalar other) { + PROTECT( + auto outputs__ = torch::bitwise_right_shift(*self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_bitwise_right_shift_tensor_scalar_(tensor *out__, tensor self, scalar other) { + PROTECT( + auto outputs__ = self->bitwise_right_shift_(*other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_bitwise_right_shift_tensor_scalar_out(tensor *out__, tensor out, tensor self, scalar other) { + PROTECT( + auto outputs__ = torch::bitwise_right_shift_out(*out, *self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_bitwise_xor(tensor *out__, tensor self, scalar other) { PROTECT( auto outputs__ = torch::bitwise_xor(*self, *other); @@ -3104,6 +3348,20 @@ void atg_complex_out(tensor *out__, tensor out, tensor real, tensor imag) { ) } +void atg_concat(tensor *out__, tensor *tensors_data, int tensors_len, int64_t dim) { + PROTECT( + auto outputs__ = torch::concat(of_carray_tensor(tensors_data, tensors_len), dim); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_concat_out(tensor *out__, tensor out, tensor *tensors_data, int tensors_len, int64_t dim) { + PROTECT( + auto outputs__ = torch::concat_out(*out, of_carray_tensor(tensors_data, tensors_len), dim); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_conj(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::conj(*self); @@ -3111,9 +3369,23 @@ void atg_conj(tensor *out__, tensor self) { ) } -void atg_conj_out(tensor *out__, tensor out, tensor self) { +void atg_conj_physical(tensor *out__, tensor self) { PROTECT( - auto outputs__ = torch::conj_out(*out, *self); + auto outputs__ = torch::conj_physical(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_conj_physical_(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::conj_physical_(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_conj_physical_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::conj_physical_out(*out, *self); out__[0] = new torch::Tensor(outputs__); ) } @@ -3290,6 +3562,13 @@ void atg_copysign_scalar_out(tensor *out__, tensor out, tensor self, scalar othe ) } +void atg_corrcoef(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::corrcoef(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_cos(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::cos(*self); @@ -3360,6 +3639,13 @@ void atg_count_nonzero_dim_intlist(tensor *out__, tensor self, int64_t *dim_data ) } +void atg_cov(tensor *out__, tensor self, int64_t correction, tensor fweights, tensor aweights) { + PROTECT( + auto outputs__ = torch::cov(*self, correction, (fweights ? *fweights : torch::Tensor()), (aweights ? *aweights : torch::Tensor())); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_cross(tensor *out__, tensor self, tensor other, int64_t dim_v, uint8_t dim_null) { PROTECT( auto outputs__ = torch::cross(*self, *other, dim_null ? c10::nullopt : c10::optional(dim_v)); @@ -3367,9 +3653,9 @@ void atg_cross(tensor *out__, tensor self, tensor other, int64_t dim_v, uint8_t ) } -void atg_cross_entropy_loss(tensor *out__, tensor self, tensor target, tensor weight, int64_t reduction, int64_t ignore_index) { +void atg_cross_entropy_loss(tensor *out__, tensor self, tensor target, tensor weight, int64_t reduction, int64_t ignore_index, double label_smoothing) { PROTECT( - auto outputs__ = torch::cross_entropy_loss(*self, *target, (weight ? *weight : torch::Tensor()), reduction, ignore_index); + auto outputs__ = torch::cross_entropy_loss(*self, *target, (weight ? *weight : torch::Tensor()), reduction, ignore_index, label_smoothing); out__[0] = new torch::Tensor(outputs__); ) } @@ -3629,6 +3915,20 @@ void atg_cumsum_out(tensor *out__, tensor out, tensor self, int64_t dim, int dty ) } +void atg_cumulative_trapezoid(tensor *out__, tensor y, int64_t dim) { + PROTECT( + auto outputs__ = torch::cumulative_trapezoid(*y, dim); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_cumulative_trapezoid_x(tensor *out__, tensor y, tensor x, int64_t dim) { + PROTECT( + auto outputs__ = torch::cumulative_trapezoid(*y, *x, dim); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_data(tensor *out__, tensor self) { PROTECT( auto outputs__ = self->data(); @@ -3747,9 +4047,9 @@ void atg_diagonal(tensor *out__, tensor self, int64_t offset, int64_t dim1, int6 ) } -void atg_diagonal_backward(tensor *out__, tensor grad, int64_t *input_sizes_data, int input_sizes_len, int64_t offset, int64_t dim1, int64_t dim2) { +void atg_diagonal_backward(tensor *out__, tensor grad_output, int64_t *input_sizes_data, int input_sizes_len, int64_t offset, int64_t dim1, int64_t dim2) { PROTECT( - auto outputs__ = torch::diagonal_backward(*grad, torch::IntArrayRef(input_sizes_data, input_sizes_len), offset, dim1, dim2); + auto outputs__ = torch::diagonal_backward(*grad_output, torch::IntArrayRef(input_sizes_data, input_sizes_len), offset, dim1, dim2); out__[0] = new torch::Tensor(outputs__); ) } @@ -4048,6 +4348,13 @@ void atg_elu_backward(tensor *out__, tensor grad_output, scalar alpha, scalar sc ) } +void atg_elu_backward_grad_input(tensor *out__, tensor grad_input, tensor grad_output, scalar alpha, scalar scale, scalar input_scale, int is_result, tensor self_or_result) { + PROTECT( + auto outputs__ = torch::elu_backward_out(*grad_input, *grad_output, *alpha, *scale, *input_scale, (bool)is_result, *self_or_result); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_elu_out(tensor *out__, tensor out, tensor self) { PROTECT( auto outputs__ = torch::elu_out(*out, *self); @@ -4131,9 +4438,9 @@ void atg_empty_out(tensor *out__, tensor out, int64_t *size_data, int size_len) ) } -void atg_empty_quantized(tensor *out__, int64_t *size_data, int size_len, tensor qtensor) { +void atg_empty_quantized(tensor *out__, int64_t *size_data, int size_len, tensor qtensor, int options_kind, int options_device) { PROTECT( - auto outputs__ = torch::empty_quantized(torch::IntArrayRef(size_data, size_len), *qtensor); + auto outputs__ = torch::empty_quantized(torch::IntArrayRef(size_data, size_len), *qtensor, at::device(device_of_int(options_device)).dtype(at::ScalarType(options_kind))); out__[0] = new torch::Tensor(outputs__); ) } @@ -4413,6 +4720,13 @@ void atg_fake_quantize_per_tensor_affine_cachemask_backward(tensor *out__, tenso ) } +void atg_fake_quantize_per_tensor_affine_tensor_qparams(tensor *out__, tensor self, tensor scale, tensor zero_point, int64_t quant_min, int64_t quant_max) { + PROTECT( + auto outputs__ = torch::fake_quantize_per_tensor_affine(*self, *scale, *zero_point, quant_min, quant_max); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_fbgemm_linear_fp16_weight(tensor *out__, tensor input, tensor packed_weight, tensor bias) { PROTECT( auto outputs__ = torch::fbgemm_linear_fp16_weight(*input, *packed_weight, *bias); @@ -5133,6 +5447,13 @@ void atg_full_out(tensor *out__, tensor out, int64_t *size_data, int size_len, s ) } +void atg_fused_moving_avg_obs_fake_quant(tensor *out__, tensor self, tensor observer_on, tensor fake_quant_on, tensor running_min, tensor running_max, tensor scale, tensor zero_point, double averaging_const, int64_t quant_min, int64_t quant_max, int64_t ch_axis, int per_row_fake_quant, int symmetric_quant) { + PROTECT( + auto outputs__ = torch::fused_moving_avg_obs_fake_quant(*self, *observer_on, *fake_quant_on, *running_min, *running_max, *scale, *zero_point, averaging_const, quant_min, quant_max, ch_axis, (bool)per_row_fake_quant, (bool)symmetric_quant); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_gather(tensor *out__, tensor self, int64_t dim, tensor index, int sparse_grad) { PROTECT( auto outputs__ = torch::gather(*self, dim, *index, (bool)sparse_grad); @@ -5231,6 +5552,20 @@ void atg_gelu_backward(tensor *out__, tensor grad, tensor self) { ) } +void atg_gelu_backward_grad_input(tensor *out__, tensor grad_input, tensor grad, tensor self) { + PROTECT( + auto outputs__ = torch::gelu_backward_out(*grad_input, *grad, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_gelu_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::gelu_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_geometric_(tensor *out__, tensor self, double p) { PROTECT( auto outputs__ = self->geometric_(p); @@ -5552,6 +5887,20 @@ void atg_hardshrink_backward(tensor *out__, tensor grad_out, tensor self, scalar ) } +void atg_hardshrink_backward_grad_input(tensor *out__, tensor grad_input, tensor grad_out, tensor self, scalar lambd) { + PROTECT( + auto outputs__ = torch::hardshrink_backward_out(*grad_input, *grad_out, *self, *lambd); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_hardshrink_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::hardshrink_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_hardsigmoid(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::hardsigmoid(*self); @@ -5573,6 +5922,13 @@ void atg_hardsigmoid_backward(tensor *out__, tensor grad_output, tensor self) { ) } +void atg_hardsigmoid_backward_grad_input(tensor *out__, tensor grad_input, tensor grad_output, tensor self) { + PROTECT( + auto outputs__ = torch::hardsigmoid_backward_out(*grad_input, *grad_output, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_hardsigmoid_out(tensor *out__, tensor out, tensor self) { PROTECT( auto outputs__ = torch::hardsigmoid_out(*out, *self); @@ -6068,6 +6424,13 @@ int atg_is_complex(tensor self) { return 0; } +int atg_is_conj(tensor self) { + PROTECT( + return torch::is_conj(*self); + ) + return 0; +} + int atg_is_distributed(tensor self) { PROTECT( return torch::is_distributed(*self); @@ -6082,6 +6445,13 @@ int atg_is_floating_point(tensor self) { return 0; } +int atg_is_inference(tensor self) { + PROTECT( + return torch::is_inference(*self); + ) + return 0; +} + int atg_is_leaf(tensor self) { PROTECT( return self->is_leaf(); @@ -6089,6 +6459,13 @@ int atg_is_leaf(tensor self) { return 0; } +int atg_is_neg(tensor self) { + PROTECT( + return torch::is_neg(*self); + ) + return 0; +} + int atg_is_nonzero(tensor self) { PROTECT( return torch::is_nonzero(*self); @@ -6096,9 +6473,9 @@ int atg_is_nonzero(tensor self) { return 0; } -int atg_is_pinned(tensor self) { +int atg_is_pinned(tensor self, int device) { PROTECT( - return self->is_pinned(); + return self->is_pinned(device_of_int(device)); ) return 0; } @@ -6145,6 +6522,48 @@ void atg_isfinite(tensor *out__, tensor self) { ) } +void atg_isin(tensor *out__, tensor elements, tensor test_elements, int assume_unique, int invert) { + PROTECT( + auto outputs__ = torch::isin(*elements, *test_elements, (bool)assume_unique, (bool)invert); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_isin_scalar_tensor(tensor *out__, scalar element, tensor test_elements, int assume_unique, int invert) { + PROTECT( + auto outputs__ = torch::isin(*element, *test_elements, (bool)assume_unique, (bool)invert); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_isin_scalar_tensor_out(tensor *out__, tensor out, scalar element, tensor test_elements, int assume_unique, int invert) { + PROTECT( + auto outputs__ = torch::isin_out(*out, *element, *test_elements, (bool)assume_unique, (bool)invert); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_isin_tensor_scalar(tensor *out__, tensor elements, scalar test_element, int assume_unique, int invert) { + PROTECT( + auto outputs__ = torch::isin(*elements, *test_element, (bool)assume_unique, (bool)invert); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_isin_tensor_scalar_out(tensor *out__, tensor out, tensor elements, scalar test_element, int assume_unique, int invert) { + PROTECT( + auto outputs__ = torch::isin_out(*out, *elements, *test_element, (bool)assume_unique, (bool)invert); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_isin_tensor_tensor_out(tensor *out__, tensor out, tensor elements, tensor test_elements, int assume_unique, int invert) { + PROTECT( + auto outputs__ = torch::isin_out(*out, *elements, *test_elements, (bool)assume_unique, (bool)invert); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_isinf(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::isinf(*self); @@ -6406,6 +6825,13 @@ void atg_leaky_relu_backward(tensor *out__, tensor grad_output, tensor self, sca ) } +void atg_leaky_relu_backward_grad_input(tensor *out__, tensor grad_input, tensor grad_output, tensor self, scalar negative_slope, int self_is_result) { + PROTECT( + auto outputs__ = torch::leaky_relu_backward_out(*grad_input, *grad_output, *self, *negative_slope, (bool)self_is_result); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_leaky_relu_out(tensor *out__, tensor out, tensor self) { PROTECT( auto outputs__ = torch::leaky_relu_out(*out, *self); @@ -6560,32 +6986,32 @@ void atg_lgamma_out(tensor *out__, tensor out, tensor self) { ) } -void atg_linalg_cholesky(tensor *out__, tensor self) { +void atg_linalg_cholesky(tensor *out__, tensor self, int upper) { PROTECT( - auto outputs__ = torch::linalg_cholesky(*self); + auto outputs__ = torch::linalg_cholesky(*self, (bool)upper); out__[0] = new torch::Tensor(outputs__); ) } -void atg_linalg_cholesky_ex(tensor *out__, tensor self, int check_errors) { +void atg_linalg_cholesky_ex(tensor *out__, tensor self, int upper, int check_errors) { PROTECT( - auto outputs__ = torch::linalg_cholesky_ex(*self, (bool)check_errors); + auto outputs__ = torch::linalg_cholesky_ex(*self, (bool)upper, (bool)check_errors); out__[0] = new torch::Tensor(std::get<0>(outputs__)); out__[1] = new torch::Tensor(std::get<1>(outputs__)); ) } -void atg_linalg_cholesky_ex_l(tensor *out__, tensor L, tensor info, tensor self, int check_errors) { +void atg_linalg_cholesky_ex_l(tensor *out__, tensor L, tensor info, tensor self, int upper, int check_errors) { PROTECT( - auto outputs__ = torch::linalg_cholesky_ex_out(*L, *info, *self, (bool)check_errors); + auto outputs__ = torch::linalg_cholesky_ex_out(*L, *info, *self, (bool)upper, (bool)check_errors); out__[0] = new torch::Tensor(std::get<0>(outputs__)); out__[1] = new torch::Tensor(std::get<1>(outputs__)); ) } -void atg_linalg_cholesky_out(tensor *out__, tensor out, tensor self) { +void atg_linalg_cholesky_out(tensor *out__, tensor out, tensor self, int upper) { PROTECT( - auto outputs__ = torch::linalg_cholesky_out(*out, *self); + auto outputs__ = torch::linalg_cholesky_out(*out, *self, (bool)upper); out__[0] = new torch::Tensor(outputs__); ) } @@ -6756,30 +7182,16 @@ void atg_linalg_lstsq_out(tensor *out__, tensor solution, tensor residuals, tens ) } -void atg_linalg_matrix_norm(tensor *out__, tensor self, scalar ord, int64_t *dim_data, int dim_len, int keepdim, int dtype) { +void atg_linalg_matmul(tensor *out__, tensor self, tensor other) { PROTECT( - auto outputs__ = torch::linalg_matrix_norm(*self, *ord, torch::IntArrayRef(dim_data, dim_len), (bool)keepdim, at::ScalarType(dtype)); + auto outputs__ = torch::linalg_matmul(*self, *other); out__[0] = new torch::Tensor(outputs__); ) } -void atg_linalg_matrix_norm_out(tensor *out__, tensor out, tensor self, scalar ord, int64_t *dim_data, int dim_len, int keepdim, int dtype) { +void atg_linalg_matmul_out(tensor *out__, tensor out, tensor self, tensor other) { PROTECT( - auto outputs__ = torch::linalg_matrix_norm_out(*out, *self, *ord, torch::IntArrayRef(dim_data, dim_len), (bool)keepdim, at::ScalarType(dtype)); - out__[0] = new torch::Tensor(outputs__); - ) -} - -void atg_linalg_matrix_norm_str_ord(tensor *out__, tensor self, char* ord_ptr, int ord_len, int64_t *dim_data, int dim_len, int keepdim, int dtype) { - PROTECT( - auto outputs__ = torch::linalg_matrix_norm(*self, std::string(ord_ptr, ord_len), torch::IntArrayRef(dim_data, dim_len), (bool)keepdim, at::ScalarType(dtype)); - out__[0] = new torch::Tensor(outputs__); - ) -} - -void atg_linalg_matrix_norm_str_ord_out(tensor *out__, tensor out, tensor self, char* ord_ptr, int ord_len, int64_t *dim_data, int dim_len, int keepdim, int dtype) { - PROTECT( - auto outputs__ = torch::linalg_matrix_norm_out(*out, *self, std::string(ord_ptr, ord_len), torch::IntArrayRef(dim_data, dim_len), (bool)keepdim, at::ScalarType(dtype)); + auto outputs__ = torch::linalg_matmul_out(*out, *self, *other); out__[0] = new torch::Tensor(outputs__); ) } @@ -7009,6 +7421,13 @@ void atg_linear(tensor *out__, tensor input, tensor weight, tensor bias) { ) } +void atg_linear_out(tensor *out__, tensor out, tensor input, tensor weight, tensor bias) { + PROTECT( + auto outputs__ = torch::linear_out(*out, *input, *weight, (bias ? *bias : torch::Tensor())); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_linspace(tensor *out__, scalar start, scalar end, int64_t steps_v, uint8_t steps_null, int options_kind, int options_device) { PROTECT( auto outputs__ = torch::linspace(*start, *end, steps_null ? c10::nullopt : c10::optional(steps_v), at::device(device_of_int(options_device)).dtype(at::ScalarType(options_kind))); @@ -7840,6 +8259,19 @@ tensor *atg_meshgrid(tensor *tensors_data, int tensors_len) { return nullptr; } +tensor *atg_meshgrid_indexing(tensor *tensors_data, int tensors_len, char* indexing_ptr, int indexing_len) { + PROTECT( + auto outputs__ = torch::meshgrid(of_carray_tensor(tensors_data, tensors_len), std::string(indexing_ptr, indexing_len)); + int sz = outputs__.size(); + torch::Tensor **out__ = (torch::Tensor**)malloc((sz + 1) * sizeof(torch::Tensor*)); + for (int i = 0; i < sz; ++i) + out__[i] = new torch::Tensor(outputs__[i]); + out__[sz] = nullptr; + return out__; + ) + return nullptr; +} + void atg_min(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::min(*self); @@ -8372,6 +8804,13 @@ void atg_mvlgamma_(tensor *out__, tensor self, int64_t p) { ) } +void atg_mvlgamma_out(tensor *out__, tensor out, tensor self, int64_t p) { + PROTECT( + auto outputs__ = torch::mvlgamma_out(*out, *self, p); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_nan_to_num(tensor *out__, tensor self, double nan_v, uint8_t nan_null, double posinf_v, uint8_t posinf_null, double neginf_v, uint8_t neginf_null) { PROTECT( auto outputs__ = torch::nan_to_num(*self, nan_null ? c10::nullopt : c10::optional(nan_v), posinf_null ? c10::nullopt : c10::optional(posinf_v), neginf_null ? c10::nullopt : c10::optional(neginf_v)); @@ -8393,6 +8832,20 @@ void atg_nan_to_num_out(tensor *out__, tensor out, tensor self, double nan_v, ui ) } +void atg_nanmean(tensor *out__, tensor self, int64_t *dim_data, int dim_len, int keepdim, int dtype) { + PROTECT( + auto outputs__ = torch::nanmean(*self, torch::IntArrayRef(dim_data, dim_len), (bool)keepdim, at::ScalarType(dtype)); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_nanmean_out(tensor *out__, tensor out, tensor self, int64_t *dim_data, int dim_len, int keepdim, int dtype) { + PROTECT( + auto outputs__ = torch::nanmean_out(*out, *self, torch::IntArrayRef(dim_data, dim_len), (bool)keepdim, at::ScalarType(dtype)); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_nanmedian(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::nanmedian(*self); @@ -8676,6 +9129,13 @@ void atg_new_full(tensor *out__, tensor self, int64_t *size_data, int size_len, ) } +void atg_new_ones(tensor *out__, tensor self, int64_t *size_data, int size_len, int options_kind, int options_device) { + PROTECT( + auto outputs__ = self->new_ones(torch::IntArrayRef(size_data, size_len), at::device(device_of_int(options_device)).dtype(at::ScalarType(options_kind))); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_new_zeros(tensor *out__, tensor self, int64_t *size_data, int size_len, int options_kind, int options_device) { PROTECT( auto outputs__ = self->new_zeros(torch::IntArrayRef(size_data, size_len), at::device(device_of_int(options_device)).dtype(at::ScalarType(options_kind))); @@ -9060,9 +9520,9 @@ void atg_permute(tensor *out__, tensor self, int64_t *dims_data, int dims_len) { ) } -void atg_pin_memory(tensor *out__, tensor self) { +void atg_pin_memory(tensor *out__, tensor self, int device) { PROTECT( - auto outputs__ = self->pin_memory(); + auto outputs__ = self->pin_memory(device_of_int(device)); out__[0] = new torch::Tensor(outputs__); ) } @@ -9144,7 +9604,7 @@ void atg_positive(tensor *out__, tensor self) { ) } -void atg_pow(tensor *out__, tensor self, scalar exponent) { +void atg_pow(tensor *out__, tensor self, tensor exponent) { PROTECT( auto outputs__ = torch::pow(*self, *exponent); out__[0] = new torch::Tensor(outputs__); @@ -9179,16 +9639,16 @@ void atg_pow_tensor_(tensor *out__, tensor self, tensor exponent) { ) } -void atg_pow_tensor_scalar_out(tensor *out__, tensor out, tensor self, scalar exponent) { +void atg_pow_tensor_scalar(tensor *out__, tensor self, scalar exponent) { PROTECT( - auto outputs__ = torch::pow_out(*out, *self, *exponent); + auto outputs__ = torch::pow(*self, *exponent); out__[0] = new torch::Tensor(outputs__); ) } -void atg_pow_tensor_tensor(tensor *out__, tensor self, tensor exponent) { +void atg_pow_tensor_scalar_out(tensor *out__, tensor out, tensor self, scalar exponent) { PROTECT( - auto outputs__ = torch::pow(*self, *exponent); + auto outputs__ = torch::pow_out(*out, *self, *exponent); out__[0] = new torch::Tensor(outputs__); ) } @@ -9371,6 +9831,13 @@ void atg_quantize_per_tensor(tensor *out__, tensor self, double scale, int64_t z ) } +void atg_quantize_per_tensor_tensor_qparams(tensor *out__, tensor self, tensor scale, tensor zero_point, int dtype) { + PROTECT( + auto outputs__ = torch::quantize_per_tensor(*self, *scale, *zero_point, at::ScalarType(dtype)); + out__[0] = new torch::Tensor(outputs__); + ) +} + tensor *atg_quantize_per_tensor_tensors(tensor *tensors_data, int tensors_len, tensor scales, tensor zero_points, int dtype) { PROTECT( auto outputs__ = torch::quantize_per_tensor(of_carray_tensor(tensors_data, tensors_len), *scales, *zero_points, at::ScalarType(dtype)); @@ -9686,6 +10153,34 @@ void atg_reflection_pad2d_out(tensor *out__, tensor out, tensor self, int64_t *p ) } +void atg_reflection_pad3d(tensor *out__, tensor self, int64_t *padding_data, int padding_len) { + PROTECT( + auto outputs__ = torch::reflection_pad3d(*self, torch::IntArrayRef(padding_data, padding_len)); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_reflection_pad3d_backward(tensor *out__, tensor grad_output, tensor self, int64_t *padding_data, int padding_len) { + PROTECT( + auto outputs__ = torch::reflection_pad3d_backward(*grad_output, *self, torch::IntArrayRef(padding_data, padding_len)); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_reflection_pad3d_backward_grad_input(tensor *out__, tensor grad_input, tensor grad_output, tensor self, int64_t *padding_data, int padding_len) { + PROTECT( + auto outputs__ = torch::reflection_pad3d_backward_out(*grad_input, *grad_output, *self, torch::IntArrayRef(padding_data, padding_len)); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_reflection_pad3d_out(tensor *out__, tensor out, tensor self, int64_t *padding_data, int padding_len) { + PROTECT( + auto outputs__ = torch::reflection_pad3d_out(*out, *self, torch::IntArrayRef(padding_data, padding_len)); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_relu(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::relu(*self); @@ -9735,6 +10230,13 @@ void atg_remainder_scalar_out(tensor *out__, tensor out, tensor self, scalar oth ) } +void atg_remainder_scalar_tensor(tensor *out__, scalar self_scalar, tensor other) { + PROTECT( + auto outputs__ = torch::remainder(*self_scalar, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_remainder_tensor(tensor *out__, tensor self, tensor other) { PROTECT( auto outputs__ = torch::remainder(*self, *other); @@ -9784,23 +10286,23 @@ void atg_repeat(tensor *out__, tensor self, int64_t *repeats_data, int repeats_l ) } -void atg_repeat_interleave(tensor *out__, tensor repeats) { +void atg_repeat_interleave(tensor *out__, tensor repeats, int64_t output_size_v, uint8_t output_size_null) { PROTECT( - auto outputs__ = torch::repeat_interleave(*repeats); + auto outputs__ = torch::repeat_interleave(*repeats, output_size_null ? c10::nullopt : c10::optional(output_size_v)); out__[0] = new torch::Tensor(outputs__); ) } -void atg_repeat_interleave_self_int(tensor *out__, tensor self, int64_t repeats, int64_t dim_v, uint8_t dim_null) { +void atg_repeat_interleave_self_int(tensor *out__, tensor self, int64_t repeats, int64_t dim_v, uint8_t dim_null, int64_t output_size_v, uint8_t output_size_null) { PROTECT( - auto outputs__ = torch::repeat_interleave(*self, repeats, dim_null ? c10::nullopt : c10::optional(dim_v)); + auto outputs__ = torch::repeat_interleave(*self, repeats, dim_null ? c10::nullopt : c10::optional(dim_v), output_size_null ? c10::nullopt : c10::optional(output_size_v)); out__[0] = new torch::Tensor(outputs__); ) } -void atg_repeat_interleave_self_tensor(tensor *out__, tensor self, tensor repeats, int64_t dim_v, uint8_t dim_null) { +void atg_repeat_interleave_self_tensor(tensor *out__, tensor self, tensor repeats, int64_t dim_v, uint8_t dim_null, int64_t output_size_v, uint8_t output_size_null) { PROTECT( - auto outputs__ = torch::repeat_interleave(*self, *repeats, dim_null ? c10::nullopt : c10::optional(dim_v)); + auto outputs__ = torch::repeat_interleave(*self, *repeats, dim_null ? c10::nullopt : c10::optional(dim_v), output_size_null ? c10::nullopt : c10::optional(output_size_v)); out__[0] = new torch::Tensor(outputs__); ) } @@ -9931,6 +10433,27 @@ void atg_resize_as_sparse_(tensor *out__, tensor self, tensor the_template) { ) } +void atg_resolve_conj(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::resolve_conj(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_resolve_neg(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::resolve_neg(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +int atg_retains_grad(tensor self) { + PROTECT( + return self->retains_grad(); + ) + return 0; +} + void atg_rnn_relu(tensor *out__, tensor input, tensor hx, tensor *params_data, int params_len, int has_biases, int64_t num_layers, double dropout, int train, int bidirectional, int batch_first) { PROTECT( auto outputs__ = torch::rnn_relu(*input, *hx, of_carray_tensor(params_data, params_len), (bool)has_biases, num_layers, dropout, (bool)train, (bool)bidirectional, (bool)batch_first); @@ -10138,6 +10661,20 @@ void atg_scatter_add_(tensor *out__, tensor self, int64_t dim, tensor index, ten ) } +void atg_scatter_add_out(tensor *out__, tensor out, tensor self, int64_t dim, tensor index, tensor src) { + PROTECT( + auto outputs__ = torch::scatter_add_out(*out, *self, dim, *index, *src); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_scatter_reduce(tensor *out__, tensor self, int64_t dim, tensor index, tensor src, char* reduce_ptr, int reduce_len) { + PROTECT( + auto outputs__ = torch::scatter(*self, dim, *index, *src, std::string(reduce_ptr, reduce_len)); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_scatter_reduce_(tensor *out__, tensor self, int64_t dim, tensor index, tensor src, char* reduce_ptr, int reduce_len) { PROTECT( auto outputs__ = self->scatter_(dim, *index, *src, std::string(reduce_ptr, reduce_len)); @@ -10145,6 +10682,20 @@ void atg_scatter_reduce_(tensor *out__, tensor self, int64_t dim, tensor index, ) } +void atg_scatter_reduce_out(tensor *out__, tensor out, tensor self, int64_t dim, tensor index, tensor src, char* reduce_ptr, int reduce_len) { + PROTECT( + auto outputs__ = torch::scatter_out(*out, *self, dim, *index, *src, std::string(reduce_ptr, reduce_len)); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_scatter_src_out(tensor *out__, tensor out, tensor self, int64_t dim, tensor index, tensor src) { + PROTECT( + auto outputs__ = torch::scatter_out(*out, *self, dim, *index, *src); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_scatter_value(tensor *out__, tensor self, int64_t dim, tensor index, scalar value) { PROTECT( auto outputs__ = torch::scatter(*self, dim, *index, *value); @@ -10159,6 +10710,20 @@ void atg_scatter_value_(tensor *out__, tensor self, int64_t dim, tensor index, s ) } +void atg_scatter_value_out(tensor *out__, tensor out, tensor self, int64_t dim, tensor index, scalar value) { + PROTECT( + auto outputs__ = torch::scatter_out(*out, *self, dim, *index, *value); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_scatter_value_reduce(tensor *out__, tensor self, int64_t dim, tensor index, scalar value, char* reduce_ptr, int reduce_len) { + PROTECT( + auto outputs__ = torch::scatter(*self, dim, *index, *value, std::string(reduce_ptr, reduce_len)); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_scatter_value_reduce_(tensor *out__, tensor self, int64_t dim, tensor index, scalar value, char* reduce_ptr, int reduce_len) { PROTECT( auto outputs__ = self->scatter_(dim, *index, *value, std::string(reduce_ptr, reduce_len)); @@ -10166,6 +10731,13 @@ void atg_scatter_value_reduce_(tensor *out__, tensor self, int64_t dim, tensor i ) } +void atg_scatter_value_reduce_out(tensor *out__, tensor out, tensor self, int64_t dim, tensor index, scalar value, char* reduce_ptr, int reduce_len) { + PROTECT( + auto outputs__ = torch::scatter_out(*out, *self, dim, *index, *value, std::string(reduce_ptr, reduce_len)); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_searchsorted(tensor *out__, tensor sorted_sequence, tensor self, int out_int32, int right) { PROTECT( auto outputs__ = torch::searchsorted(*sorted_sequence, *self, (bool)out_int32, (bool)right); @@ -10194,13 +10766,6 @@ void atg_segment_reduce(tensor *out__, tensor data, char* reduce_ptr, int reduce ) } -void atg_segment_reduce_backward(tensor *out__, tensor grad, tensor output, tensor data, tensor lengths) { - PROTECT( - auto outputs__ = torch::segment_reduce_backward(*grad, *output, *data, (lengths ? *lengths : torch::Tensor())); - out__[0] = new torch::Tensor(outputs__); - ) -} - void atg_select(tensor *out__, tensor self, int64_t dim, int64_t index) { PROTECT( auto outputs__ = torch::select(*self, dim, index); @@ -10208,9 +10773,9 @@ void atg_select(tensor *out__, tensor self, int64_t dim, int64_t index) { ) } -void atg_select_backward(tensor *out__, tensor grad, int64_t *input_sizes_data, int input_sizes_len, int64_t dim, int64_t index) { +void atg_select_backward(tensor *out__, tensor grad_output, int64_t *input_sizes_data, int input_sizes_len, int64_t dim, int64_t index) { PROTECT( - auto outputs__ = torch::select_backward(*grad, torch::IntArrayRef(input_sizes_data, input_sizes_len), dim, index); + auto outputs__ = torch::select_backward(*grad_output, torch::IntArrayRef(input_sizes_data, input_sizes_len), dim, index); out__[0] = new torch::Tensor(outputs__); ) } @@ -10362,6 +10927,13 @@ void atg_silu_backward(tensor *out__, tensor grad_output, tensor self) { ) } +void atg_silu_backward_grad_input(tensor *out__, tensor grad_input, tensor grad_output, tensor self) { + PROTECT( + auto outputs__ = torch::silu_backward_out(*grad_input, *grad_output, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_silu_out(tensor *out__, tensor out, tensor self) { PROTECT( auto outputs__ = torch::silu_out(*out, *self); @@ -10439,9 +11011,9 @@ void atg_slice(tensor *out__, tensor self, int64_t dim, int64_t start_v, uint8_t ) } -void atg_slice_backward(tensor *out__, tensor grad, int64_t *input_sizes_data, int input_sizes_len, int64_t dim, int64_t start, int64_t end, int64_t step) { +void atg_slice_backward(tensor *out__, tensor grad_output, int64_t *input_sizes_data, int input_sizes_len, int64_t dim, int64_t start, int64_t end, int64_t step) { PROTECT( - auto outputs__ = torch::slice_backward(*grad, torch::IntArrayRef(input_sizes_data, input_sizes_len), dim, start, end, step); + auto outputs__ = torch::slice_backward(*grad_output, torch::IntArrayRef(input_sizes_data, input_sizes_len), dim, start, end, step); out__[0] = new torch::Tensor(outputs__); ) } @@ -10705,6 +11277,20 @@ void atg_sparse_coo_tensor_indices_size(tensor *out__, tensor indices, tensor va ) } +void atg_sparse_csr_tensor(tensor *out__, tensor crow_indices, tensor col_indices, tensor values, int options_kind, int options_device) { + PROTECT( + auto outputs__ = torch::sparse_csr_tensor(*crow_indices, *col_indices, *values, at::device(device_of_int(options_device)).dtype(at::ScalarType(options_kind))); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_sparse_csr_tensor_crow_col_value_size(tensor *out__, tensor crow_indices, tensor col_indices, tensor values, int64_t *size_data, int size_len, int options_kind, int options_device) { + PROTECT( + auto outputs__ = torch::sparse_csr_tensor(*crow_indices, *col_indices, *values, torch::IntArrayRef(size_data, size_len), at::device(device_of_int(options_device)).dtype(at::ScalarType(options_kind))); + out__[0] = new torch::Tensor(outputs__); + ) +} + int64_t atg_sparse_dim(tensor self) { PROTECT( return self->sparse_dim(); @@ -10733,6 +11319,20 @@ void atg_sparse_resize_and_clear_(tensor *out__, tensor self, int64_t *size_data ) } +void atg_special_digamma(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::special_digamma(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_digamma_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::special_digamma_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_special_entr(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::special_entr(*self); @@ -10775,6 +11375,20 @@ void atg_special_erfc_out(tensor *out__, tensor out, tensor self) { ) } +void atg_special_erfcx(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::special_erfcx(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_erfcx_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::special_erfcx_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_special_erfinv(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::special_erfinv(*self); @@ -10831,6 +11445,34 @@ void atg_special_expm1_out(tensor *out__, tensor out, tensor self) { ) } +void atg_special_gammainc(tensor *out__, tensor self, tensor other) { + PROTECT( + auto outputs__ = torch::special_gammainc(*self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_gammainc_out(tensor *out__, tensor out, tensor self, tensor other) { + PROTECT( + auto outputs__ = torch::special_gammainc_out(*out, *self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_gammaincc(tensor *out__, tensor self, tensor other) { + PROTECT( + auto outputs__ = torch::special_gammaincc(*self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_gammaincc_out(tensor *out__, tensor out, tensor self, tensor other) { + PROTECT( + auto outputs__ = torch::special_gammaincc_out(*out, *self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_special_gammaln(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::special_gammaln(*self); @@ -10845,6 +11487,20 @@ void atg_special_gammaln_out(tensor *out__, tensor out, tensor self) { ) } +void atg_special_i0(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::special_i0(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_i0_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::special_i0_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_special_i0e(tensor *out__, tensor self) { PROTECT( auto outputs__ = torch::special_i0e(*self); @@ -10859,6 +11515,55 @@ void atg_special_i0e_out(tensor *out__, tensor out, tensor self) { ) } +void atg_special_i1(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::special_i1(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_i1_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::special_i1_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_i1e(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::special_i1e(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_i1e_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::special_i1e_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_log1p(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::special_log1p(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_log1p_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::special_log1p_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_log_softmax(tensor *out__, tensor self, int64_t dim, int dtype) { + PROTECT( + auto outputs__ = torch::special_log_softmax(*self, dim, at::ScalarType(dtype)); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_special_logit(tensor *out__, tensor self, double eps_v, uint8_t eps_null) { PROTECT( auto outputs__ = torch::special_logit(*self, eps_null ? c10::nullopt : c10::optional(eps_v)); @@ -10873,6 +11578,118 @@ void atg_special_logit_out(tensor *out__, tensor out, tensor self, double eps_v, ) } +void atg_special_logsumexp(tensor *out__, tensor self, int64_t *dim_data, int dim_len, int keepdim) { + PROTECT( + auto outputs__ = torch::special_logsumexp(*self, torch::IntArrayRef(dim_data, dim_len), (bool)keepdim); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_logsumexp_out(tensor *out__, tensor out, tensor self, int64_t *dim_data, int dim_len, int keepdim) { + PROTECT( + auto outputs__ = torch::special_logsumexp_out(*out, *self, torch::IntArrayRef(dim_data, dim_len), (bool)keepdim); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_multigammaln(tensor *out__, tensor self, int64_t p) { + PROTECT( + auto outputs__ = torch::special_multigammaln(*self, p); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_multigammaln_out(tensor *out__, tensor out, tensor self, int64_t p) { + PROTECT( + auto outputs__ = torch::special_multigammaln_out(*out, *self, p); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_ndtr(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::special_ndtr(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_ndtr_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::special_ndtr_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_ndtri(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::special_ndtri(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_ndtri_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::special_ndtri_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_polygamma(tensor *out__, int64_t n, tensor self) { + PROTECT( + auto outputs__ = torch::special_polygamma(n, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_polygamma_out(tensor *out__, tensor out, int64_t n, tensor self) { + PROTECT( + auto outputs__ = torch::special_polygamma_out(*out, n, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_psi(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::special_psi(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_psi_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::special_psi_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_round(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::special_round(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_round_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::special_round_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_sinc(tensor *out__, tensor self) { + PROTECT( + auto outputs__ = torch::special_sinc(*self); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_sinc_out(tensor *out__, tensor out, tensor self) { + PROTECT( + auto outputs__ = torch::special_sinc_out(*out, *self); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_special_xlog1py(tensor *out__, tensor self, tensor other) { PROTECT( auto outputs__ = torch::special_xlog1py(*self, *other); @@ -10915,6 +11732,90 @@ void atg_special_xlog1py_self_scalar_out(tensor *out__, tensor out, scalar self_ ) } +void atg_special_xlogy(tensor *out__, tensor self, tensor other) { + PROTECT( + auto outputs__ = torch::special_xlogy(*self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_xlogy_other_scalar(tensor *out__, tensor self, scalar other) { + PROTECT( + auto outputs__ = torch::special_xlogy(*self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_xlogy_other_scalar_out(tensor *out__, tensor out, tensor self, scalar other) { + PROTECT( + auto outputs__ = torch::special_xlogy_out(*out, *self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_xlogy_out(tensor *out__, tensor out, tensor self, tensor other) { + PROTECT( + auto outputs__ = torch::special_xlogy_out(*out, *self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_xlogy_self_scalar(tensor *out__, scalar self_scalar, tensor other) { + PROTECT( + auto outputs__ = torch::special_xlogy(*self_scalar, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_xlogy_self_scalar_out(tensor *out__, tensor out, scalar self_scalar, tensor other) { + PROTECT( + auto outputs__ = torch::special_xlogy_out(*out, *self_scalar, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_zeta(tensor *out__, tensor self, tensor other) { + PROTECT( + auto outputs__ = torch::special_zeta(*self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_zeta_other_scalar(tensor *out__, tensor self, scalar other) { + PROTECT( + auto outputs__ = torch::special_zeta(*self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_zeta_other_scalar_out(tensor *out__, tensor out, tensor self, scalar other) { + PROTECT( + auto outputs__ = torch::special_zeta_out(*out, *self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_zeta_out(tensor *out__, tensor out, tensor self, tensor other) { + PROTECT( + auto outputs__ = torch::special_zeta_out(*out, *self, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_zeta_self_scalar(tensor *out__, scalar self_scalar, tensor other) { + PROTECT( + auto outputs__ = torch::special_zeta(*self_scalar, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_special_zeta_self_scalar_out(tensor *out__, tensor out, scalar self_scalar, tensor other) { + PROTECT( + auto outputs__ = torch::special_zeta_out(*out, *self_scalar, *other); + out__[0] = new torch::Tensor(outputs__); + ) +} + tensor *atg_split(tensor self, int64_t split_size, int64_t dim) { PROTECT( auto outputs__ = torch::split(*self, split_size, dim); @@ -11586,6 +12487,20 @@ void atg_transpose_(tensor *out__, tensor self, int64_t dim0, int64_t dim1) { ) } +void atg_trapezoid(tensor *out__, tensor y, int64_t dim) { + PROTECT( + auto outputs__ = torch::trapezoid(*y, dim); + out__[0] = new torch::Tensor(outputs__); + ) +} + +void atg_trapezoid_x(tensor *out__, tensor y, tensor x, int64_t dim) { + PROTECT( + auto outputs__ = torch::trapezoid(*y, *x, dim); + out__[0] = new torch::Tensor(outputs__); + ) +} + void atg_trapz(tensor *out__, tensor y, tensor x, int64_t dim) { PROTECT( auto outputs__ = torch::trapz(*y, *x, dim); diff --git a/libtch/torch_api_generated.h b/libtch/torch_api_generated.h index 8ce0361..97dd10c 100644 --- a/libtch/torch_api_generated.h +++ b/libtch/torch_api_generated.h @@ -28,12 +28,12 @@ void atg__add_batch_dim(tensor *, tensor self, int64_t batch_dim, int64_t level) void atg__add_relu(tensor *, tensor self, tensor other); void atg__add_relu_(tensor *, tensor self, tensor other); void atg__add_relu_out(tensor *, tensor out, tensor self, tensor other); +void atg__add_relu_scalar(tensor *, tensor self, scalar other); +void atg__add_relu_scalar_(tensor *, tensor self, scalar other); void atg__aminmax(tensor *, tensor self); void atg__aminmax_dim(tensor *, tensor self, int64_t dim, int keepdim); void atg__amp_update_scale_(tensor *, tensor self, tensor growth_tracker, tensor found_inf, double scale_growth_factor, double scale_backoff_factor, int64_t growth_interval); void atg__baddbmm_mkl_(tensor *, tensor self, tensor batch1, tensor batch2); -void atg__bmm(tensor *, tensor self, tensor mat2, int deterministic); -void atg__bmm_out(tensor *, tensor out, tensor self, tensor mat2, int deterministic); void atg__cast_byte(tensor *, tensor self, int non_blocking); void atg__cast_char(tensor *, tensor self, int non_blocking); void atg__cast_double(tensor *, tensor self, int non_blocking); @@ -51,11 +51,18 @@ void atg__coalesced_(tensor *, tensor self, int coalesced); void atg__compute_linear_combination(tensor *, tensor input, tensor coefficients); void atg__compute_linear_combination_out(tensor *, tensor out, tensor input, tensor coefficients); void atg__conj(tensor *, tensor self); +void atg__conj_physical(tensor *, tensor self); +void atg__conv_depthwise2d(tensor *, tensor self, tensor weight, int64_t *kernel_size_data, int kernel_size_len, tensor bias, int64_t *stride_data, int stride_len, int64_t *padding_data, int padding_len, int64_t *dilation_data, int dilation_len); +void atg__conv_depthwise2d_backward(tensor *, tensor grad_input, tensor grad_weight, tensor grad_output, tensor self, tensor weight, int64_t *kernel_size_data, int kernel_size_len, int64_t *stride_data, int stride_len, int64_t *padding_data, int padding_len, int64_t *dilation_data, int dilation_len); +void atg__conv_depthwise2d_out(tensor *, tensor out, tensor self, tensor weight, int64_t *kernel_size_data, int kernel_size_len, tensor bias, int64_t *stride_data, int stride_len, int64_t *padding_data, int padding_len, int64_t *dilation_data, int dilation_len); +void atg__convert_indices_from_coo_to_csr(tensor *, tensor self, int64_t size, int out_int32); +void atg__convert_indices_from_coo_to_csr_out(tensor *, tensor out, tensor self, int64_t size, int out_int32); void atg__convolution(tensor *, tensor input, tensor weight, tensor bias, int64_t *stride_data, int stride_len, int64_t *padding_data, int padding_len, int64_t *dilation_data, int dilation_len, int transposed, int64_t *output_padding_data, int output_padding_len, int64_t groups, int benchmark, int deterministic, int cudnn_enabled, int allow_tf32); void atg__convolution_deprecated(tensor *, tensor input, tensor weight, tensor bias, int64_t *stride_data, int stride_len, int64_t *padding_data, int padding_len, int64_t *dilation_data, int dilation_len, int transposed, int64_t *output_padding_data, int output_padding_len, int64_t groups, int benchmark, int deterministic, int cudnn_enabled); void atg__convolution_mode(tensor *, tensor input, tensor weight, tensor bias, int64_t *stride_data, int stride_len, char* padding_ptr, int padding_len, int64_t *dilation_data, int dilation_len, int64_t groups); void atg__convolution_nogroup(tensor *, tensor input, tensor weight, tensor bias, int64_t *stride_data, int stride_len, int64_t *padding_data, int padding_len, int64_t *dilation_data, int dilation_len, int transposed, int64_t *output_padding_data, int output_padding_len); void atg__copy_from(tensor *, tensor self, tensor dst, int non_blocking); +void atg__copy_from_and_resize(tensor *, tensor self, tensor dst); void atg__ctc_loss(tensor *, tensor log_probs, tensor targets, int64_t *input_lengths_data, int input_lengths_len, int64_t *target_lengths_data, int target_lengths_len, int64_t blank, int zero_infinity); void atg__ctc_loss_backward(tensor *, tensor grad, tensor log_probs, tensor targets, int64_t *input_lengths_data, int input_lengths_len, int64_t *target_lengths_data, int target_lengths_len, tensor neg_log_likelihood, tensor log_alpha, int64_t blank, int zero_infinity); void atg__cudnn_ctc_loss(tensor *, tensor log_probs, tensor targets, int64_t *input_lengths_data, int input_lengths_len, int64_t *target_lengths_data, int target_lengths_len, int64_t blank, int deterministic, int zero_infinity); @@ -64,11 +71,9 @@ void atg__cudnn_rnn(tensor *, tensor input, tensor *weight_data, int weight_len, void atg__cudnn_rnn_flatten_weight(tensor *, tensor *weight_arr_data, int weight_arr_len, int64_t weight_stride0, int64_t input_size, int64_t mode, int64_t hidden_size, int64_t proj_size, int64_t num_layers, int batch_first, int bidirectional); int64_t atg__cufft_get_plan_cache_max_size(int64_t device_index); int64_t atg__cufft_get_plan_cache_size(int64_t device_index); -void atg__cumprod(tensor *, tensor self, int64_t dim); -void atg__cumprod_out(tensor *, tensor out, tensor self, int64_t dim); -void atg__cumsum(tensor *, tensor self, int64_t dim); -void atg__cumsum_out(tensor *, tensor out, tensor self, int64_t dim); int64_t atg__debug_has_internal_overlap(tensor self); +void atg__det_lu_based_helper(tensor *, tensor self); +void atg__det_lu_based_helper_backward_helper(tensor *, tensor det_grad, tensor det, tensor self, tensor lu, tensor pivs); void atg__dim_arange(tensor *, tensor like, int64_t dim); int64_t atg__dimi(tensor self); int64_t atg__dimv(tensor self); @@ -86,6 +91,7 @@ void atg__fake_quantize_learnable_per_channel_affine(tensor *, tensor self, tens void atg__fake_quantize_learnable_per_channel_affine_backward(tensor *, tensor grad, tensor self, tensor scale, tensor zero_point, int64_t axis, int64_t quant_min, int64_t quant_max, double grad_factor); void atg__fake_quantize_learnable_per_tensor_affine(tensor *, tensor self, tensor scale, tensor zero_point, int64_t quant_min, int64_t quant_max, double grad_factor); void atg__fake_quantize_learnable_per_tensor_affine_backward(tensor *, tensor grad, tensor self, tensor scale, tensor zero_point, int64_t quant_min, int64_t quant_max, double grad_factor); +void atg__fake_quantize_per_tensor_affine_cachemask_tensor_qparams(tensor *, tensor self, tensor scale, tensor zero_point, tensor fake_quant_enabled, int64_t quant_min, int64_t quant_max); void atg__fft_c2c(tensor *, tensor self, int64_t *dim_data, int dim_len, int64_t normalization, int forward); void atg__fft_c2c_out(tensor *, tensor out, tensor self, int64_t *dim_data, int dim_len, int64_t normalization, int forward); void atg__fft_c2r(tensor *, tensor self, int64_t *dim_data, int dim_len, int64_t normalization, int64_t last_dim_size); @@ -93,6 +99,7 @@ void atg__fft_c2r_out(tensor *, tensor out, tensor self, int64_t *dim_data, int void atg__fft_r2c(tensor *, tensor self, int64_t *dim_data, int dim_len, int64_t normalization, int onesided); void atg__fft_r2c_out(tensor *, tensor out, tensor self, int64_t *dim_data, int dim_len, int64_t normalization, int onesided); void atg__fused_dropout(tensor *, tensor self, double p); +void atg__fused_moving_avg_obs_fq_helper(tensor *, tensor self, tensor observer_on, tensor fake_quant_on, tensor running_min, tensor running_max, tensor scale, tensor zero_point, double averaging_const, int64_t quant_min, int64_t quant_max, int64_t ch_axis, int per_row_fake_quant, int symmetric_quant); void atg__fw_primal(tensor *, tensor self, int64_t level); void atg__gather_sparse_backward(tensor *, tensor self, int64_t dim, tensor index, tensor grad); void atg__grid_sampler_2d_cpu_fallback(tensor *, tensor input, tensor grid, int64_t interpolation_mode, int64_t padding_mode, int align_corners); @@ -104,9 +111,10 @@ void atg__indices(tensor *, tensor self); void atg__inverse_helper(tensor *, tensor self); void atg__linalg_inv_out_helper_(tensor *, tensor self, tensor infos_lu, tensor infos_getri); void atg__linalg_qr_helper(tensor *, tensor self, char* mode_ptr, int mode_len); -void atg__linalg_solve_out_helper_(tensor *, tensor self, tensor other, tensor infos); void atg__log_softmax(tensor *, tensor self, int64_t dim, int half_to_float); void atg__log_softmax_backward_data(tensor *, tensor grad_output, tensor output, int64_t dim, tensor self); +void atg__log_softmax_backward_data_out(tensor *, tensor out, tensor grad_output, tensor output, int64_t dim, tensor self); +void atg__log_softmax_out(tensor *, tensor out, tensor self, int64_t dim, int half_to_float); void atg__logcumsumexp(tensor *, tensor self, int64_t dim); void atg__logcumsumexp_out(tensor *, tensor out, tensor self, int64_t dim); void atg__lu_with_info(tensor *, tensor self, int pivot, int check_errors); @@ -117,6 +125,7 @@ void atg__masked_scale(tensor *, tensor self, tensor mask, double scale); void atg__mkldnn_reshape(tensor *, tensor self, int64_t *shape_data, int shape_len); void atg__mkldnn_transpose(tensor *, tensor self, int64_t dim0, int64_t dim1); void atg__mkldnn_transpose_(tensor *, tensor self, int64_t dim0, int64_t dim1); +void atg__neg_view(tensor *, tensor self); int atg__nnpack_available(); void atg__nnpack_spatial_convolution(tensor *, tensor input, tensor weight, tensor bias, int64_t *padding_data, int padding_len, int64_t *stride_data, int stride_len); void atg__nnpack_spatial_convolution_backward_input(tensor *, tensor input, tensor grad_output, tensor weight, int64_t *padding_data, int padding_len); @@ -126,12 +135,15 @@ void atg__pack_padded_sequence(tensor *, tensor input, tensor lengths, int batch void atg__pack_padded_sequence_backward(tensor *, tensor grad, int64_t *input_size_data, int input_size_len, tensor batch_sizes, int batch_first); void atg__pad_packed_sequence(tensor *, tensor data, tensor batch_sizes, int batch_first, scalar padding_value, int64_t total_length); void atg__pdist_backward(tensor *, tensor grad, tensor self, double p, tensor pdist); +void atg__pin_memory(tensor *, tensor self, int device); void atg__remove_batch_dim(tensor *, tensor self, int64_t level, int64_t batch_size, int64_t out_dim); +void atg__reshape_alias(tensor *, tensor self, int64_t *size_data, int size_len, int64_t *stride_data, int stride_len); void atg__reshape_from_tensor(tensor *, tensor self, tensor shape); void atg__rowwise_prune(tensor *, tensor weight, tensor mask, int compressed_indices_dtype); void atg__s_where(tensor *, tensor condition, tensor self, tensor other); void atg__sample_dirichlet(tensor *, tensor self); void atg__saturate_weight_to_fp16(tensor *, tensor weight); +void atg__segment_reduce_backward(tensor *, tensor grad, tensor output, tensor data, char* reduce_ptr, int reduce_len, tensor lengths, int64_t axis); void atg__shape_as_tensor(tensor *, tensor self); void atg__sobol_engine_draw(tensor *, tensor quasi, int64_t n, tensor sobolstate, int64_t dimension, int64_t num_generated, int dtype); void atg__sobol_engine_ff_(tensor *, tensor self, int64_t n, tensor sobolstate, int64_t dimension, int64_t num_generated); @@ -139,13 +151,14 @@ void atg__sobol_engine_initialize_state_(tensor *, tensor self, int64_t dimensio void atg__sobol_engine_scramble_(tensor *, tensor self, tensor ltm, int64_t dimension); void atg__softmax(tensor *, tensor self, int64_t dim, int half_to_float); void atg__softmax_backward_data(tensor *, tensor grad_output, tensor output, int64_t dim, tensor self); +void atg__softmax_backward_data_out(tensor *, tensor grad_input, tensor grad_output, tensor output, int64_t dim, tensor self); +void atg__softmax_out(tensor *, tensor out, tensor self, int64_t dim, int half_to_float); void atg__solve_helper(tensor *, tensor self, tensor A); void atg__sparse_addmm(tensor *, tensor self, tensor sparse, tensor dense); void atg__sparse_coo_tensor_unsafe(tensor *, tensor indices, tensor values, int64_t *size_data, int size_len, int options_kind, int options_device); void atg__sparse_coo_tensor_with_dims(tensor *, int64_t sparse_dim, int64_t dense_dim, int64_t *size_data, int size_len, int options_kind, int options_device); void atg__sparse_coo_tensor_with_dims_and_tensors(tensor *, int64_t sparse_dim, int64_t dense_dim, int64_t *size_data, int size_len, tensor indices, tensor values, int options_kind, int options_device); -void atg__sparse_csr_tensor(tensor *, tensor crow_indices, tensor col_indices, tensor values, int options_kind, int options_device); -void atg__sparse_csr_tensor_crow_col_value_size(tensor *, tensor crow_indices, tensor col_indices, tensor values, int64_t *size_data, int size_len, int options_kind, int options_device); +void atg__sparse_csr_tensor_unsafe(tensor *, tensor crow_indices, tensor col_indices, tensor values, int64_t *size_data, int size_len, int options_kind, int options_device); void atg__sparse_log_softmax(tensor *, tensor self, int64_t dim, int half_to_float); void atg__sparse_log_softmax_backward_data(tensor *, tensor grad_output, tensor output, int64_t dim, tensor self); void atg__sparse_log_softmax_int(tensor *, tensor self, int64_t dim, int dtype); @@ -172,6 +185,8 @@ void atg__test_optional_filled_intlist(tensor *, tensor values, int64_t *addends void atg__test_optional_intlist(tensor *, tensor values, int64_t *addends_data, int addends_len); void atg__test_serialization_subcmul(tensor *, tensor self, tensor other); void atg__test_string_default(tensor *, tensor dummy, char* a_ptr, int a_len, char* b_ptr, int b_len); +void atg__to_copy(tensor *, tensor self, int options_kind, int options_device, int non_blocking); +tensor *atg__to_cpu(tensor *tensors_data, int tensors_len); void atg__trilinear(tensor *, tensor i1, tensor i2, tensor i3, int64_t *expand1_data, int expand1_len, int64_t *expand2_data, int expand2_len, int64_t *expand3_data, int expand3_len, int64_t *sumdim_data, int sumdim_len, int64_t unroll_dim); void atg__unique(tensor *, tensor self, int sorted, int return_inverse); void atg__unique2(tensor *, tensor self, int sorted, int return_inverse, int return_counts); @@ -241,6 +256,7 @@ void atg_alias(tensor *, tensor self); void atg_align_as(tensor *, tensor self, tensor other); tensor *atg_align_tensors(tensor *tensors_data, int tensors_len); void atg_all(tensor *, tensor self); +void atg_all_all_out(tensor *, tensor out, tensor self); void atg_all_dim(tensor *, tensor self, int64_t dim, int keepdim); void atg_all_out(tensor *, tensor out, tensor self, int64_t dim, int keepdim); int atg_allclose(tensor self, tensor other, double rtol, double atol, int equal_nan); @@ -250,9 +266,12 @@ void atg_amax(tensor *, tensor self, int64_t *dim_data, int dim_len, int keepdim void atg_amax_out(tensor *, tensor out, tensor self, int64_t *dim_data, int dim_len, int keepdim); void atg_amin(tensor *, tensor self, int64_t *dim_data, int dim_len, int keepdim); void atg_amin_out(tensor *, tensor out, tensor self, int64_t *dim_data, int dim_len, int keepdim); +void atg_aminmax(tensor *, tensor self, int64_t dim_v, uint8_t dim_null, int keepdim); +void atg_aminmax_out(tensor *, tensor min, tensor max, tensor self, int64_t dim_v, uint8_t dim_null, int keepdim); void atg_angle(tensor *, tensor self); void atg_angle_out(tensor *, tensor out, tensor self); void atg_any(tensor *, tensor self); +void atg_any_all_out(tensor *, tensor out, tensor self); void atg_any_dim(tensor *, tensor self, int64_t dim, int keepdim); void atg_any_out(tensor *, tensor out, tensor self, int64_t dim, int keepdim); void atg_arange(tensor *, scalar end, int options_kind, int options_device); @@ -349,6 +368,13 @@ void atg_bitwise_and_scalar_out(tensor *, tensor out, tensor self, scalar other) void atg_bitwise_and_tensor(tensor *, tensor self, tensor other); void atg_bitwise_and_tensor_(tensor *, tensor self, tensor other); void atg_bitwise_and_tensor_out(tensor *, tensor out, tensor self, tensor other); +void atg_bitwise_left_shift(tensor *, tensor self, tensor other); +void atg_bitwise_left_shift_(tensor *, tensor self, tensor other); +void atg_bitwise_left_shift_scalar_tensor(tensor *, scalar self_scalar, tensor other); +void atg_bitwise_left_shift_tensor_out(tensor *, tensor out, tensor self, tensor other); +void atg_bitwise_left_shift_tensor_scalar(tensor *, tensor self, scalar other); +void atg_bitwise_left_shift_tensor_scalar_(tensor *, tensor self, scalar other); +void atg_bitwise_left_shift_tensor_scalar_out(tensor *, tensor out, tensor self, scalar other); void atg_bitwise_not(tensor *, tensor self); void atg_bitwise_not_(tensor *, tensor self); void atg_bitwise_not_out(tensor *, tensor out, tensor self); @@ -358,6 +384,13 @@ void atg_bitwise_or_scalar_out(tensor *, tensor out, tensor self, scalar other); void atg_bitwise_or_tensor(tensor *, tensor self, tensor other); void atg_bitwise_or_tensor_(tensor *, tensor self, tensor other); void atg_bitwise_or_tensor_out(tensor *, tensor out, tensor self, tensor other); +void atg_bitwise_right_shift(tensor *, tensor self, tensor other); +void atg_bitwise_right_shift_(tensor *, tensor self, tensor other); +void atg_bitwise_right_shift_scalar_tensor(tensor *, scalar self_scalar, tensor other); +void atg_bitwise_right_shift_tensor_out(tensor *, tensor out, tensor self, tensor other); +void atg_bitwise_right_shift_tensor_scalar(tensor *, tensor self, scalar other); +void atg_bitwise_right_shift_tensor_scalar_(tensor *, tensor self, scalar other); +void atg_bitwise_right_shift_tensor_scalar_out(tensor *, tensor out, tensor self, scalar other); void atg_bitwise_xor(tensor *, tensor self, scalar other); void atg_bitwise_xor_(tensor *, tensor self, scalar other); void atg_bitwise_xor_scalar_out(tensor *, tensor out, tensor self, scalar other); @@ -431,8 +464,12 @@ void atg_column_stack_out(tensor *, tensor out, tensor *tensors_data, int tensor void atg_combinations(tensor *, tensor self, int64_t r, int with_replacement); void atg_complex(tensor *, tensor real, tensor imag); void atg_complex_out(tensor *, tensor out, tensor real, tensor imag); +void atg_concat(tensor *, tensor *tensors_data, int tensors_len, int64_t dim); +void atg_concat_out(tensor *, tensor out, tensor *tensors_data, int tensors_len, int64_t dim); void atg_conj(tensor *, tensor self); -void atg_conj_out(tensor *, tensor out, tensor self); +void atg_conj_physical(tensor *, tensor self); +void atg_conj_physical_(tensor *, tensor self); +void atg_conj_physical_out(tensor *, tensor out, tensor self); void atg_constant_pad_nd(tensor *, tensor self, int64_t *pad_data, int pad_len); void atg_contiguous(tensor *, tensor self); void atg_conv1d(tensor *, tensor input, tensor weight, tensor bias, int64_t *stride_data, int stride_len, int64_t *padding_data, int padding_len, int64_t *dilation_data, int dilation_len, int64_t groups); @@ -457,6 +494,7 @@ void atg_copysign_out(tensor *, tensor out, tensor self, tensor other); void atg_copysign_scalar(tensor *, tensor self, scalar other); void atg_copysign_scalar_(tensor *, tensor self, scalar other); void atg_copysign_scalar_out(tensor *, tensor out, tensor self, scalar other); +void atg_corrcoef(tensor *, tensor self); void atg_cos(tensor *, tensor self); void atg_cos_(tensor *, tensor self); void atg_cos_out(tensor *, tensor out, tensor self); @@ -467,8 +505,9 @@ void atg_cosine_embedding_loss(tensor *, tensor input1, tensor input2, tensor ta void atg_cosine_similarity(tensor *, tensor x1, tensor x2, int64_t dim, double eps); void atg_count_nonzero(tensor *, tensor self, int64_t dim_v, uint8_t dim_null); void atg_count_nonzero_dim_intlist(tensor *, tensor self, int64_t *dim_data, int dim_len); +void atg_cov(tensor *, tensor self, int64_t correction, tensor fweights, tensor aweights); void atg_cross(tensor *, tensor self, tensor other, int64_t dim_v, uint8_t dim_null); -void atg_cross_entropy_loss(tensor *, tensor self, tensor target, tensor weight, int64_t reduction, int64_t ignore_index); +void atg_cross_entropy_loss(tensor *, tensor self, tensor target, tensor weight, int64_t reduction, int64_t ignore_index, double label_smoothing); void atg_cross_out(tensor *, tensor out, tensor self, tensor other, int64_t dim_v, uint8_t dim_null); void atg_crow_indices(tensor *, tensor self); void atg_ctc_loss(tensor *, tensor log_probs, tensor targets, int64_t *input_lengths_data, int input_lengths_len, int64_t *target_lengths_data, int target_lengths_len, int64_t blank, int64_t reduction, int zero_infinity); @@ -504,6 +543,8 @@ void atg_cumprod_out(tensor *, tensor out, tensor self, int64_t dim, int dtype); void atg_cumsum(tensor *, tensor self, int64_t dim, int dtype); void atg_cumsum_(tensor *, tensor self, int64_t dim, int dtype); void atg_cumsum_out(tensor *, tensor out, tensor self, int64_t dim, int dtype); +void atg_cumulative_trapezoid(tensor *, tensor y, int64_t dim); +void atg_cumulative_trapezoid_x(tensor *, tensor y, tensor x, int64_t dim); void atg_data(tensor *, tensor self); void atg_deg2rad(tensor *, tensor self); void atg_deg2rad_(tensor *, tensor self); @@ -520,7 +561,7 @@ void atg_diag_embed(tensor *, tensor self, int64_t offset, int64_t dim1, int64_t void atg_diag_out(tensor *, tensor out, tensor self, int64_t diagonal); void atg_diagflat(tensor *, tensor self, int64_t offset); void atg_diagonal(tensor *, tensor self, int64_t offset, int64_t dim1, int64_t dim2); -void atg_diagonal_backward(tensor *, tensor grad, int64_t *input_sizes_data, int input_sizes_len, int64_t offset, int64_t dim1, int64_t dim2); +void atg_diagonal_backward(tensor *, tensor grad_output, int64_t *input_sizes_data, int input_sizes_len, int64_t offset, int64_t dim1, int64_t dim2); void atg_diff(tensor *, tensor self, int64_t n, int64_t dim, tensor prepend, tensor append); void atg_diff_out(tensor *, tensor out, tensor self, int64_t n, int64_t dim, tensor prepend, tensor append); void atg_digamma(tensor *, tensor self); @@ -561,6 +602,7 @@ void atg_einsum(tensor *, char* equation_ptr, int equation_len, tensor *tensors_ void atg_elu(tensor *, tensor self); void atg_elu_(tensor *, tensor self); void atg_elu_backward(tensor *, tensor grad_output, scalar alpha, scalar scale, scalar input_scale, int is_result, tensor self_or_result); +void atg_elu_backward_grad_input(tensor *, tensor grad_input, tensor grad_output, scalar alpha, scalar scale, scalar input_scale, int is_result, tensor self_or_result); void atg_elu_out(tensor *, tensor out, tensor self); void atg_embedding(tensor *, tensor weight, tensor indices, int64_t padding_idx, int scale_grad_by_freq, int sparse); void atg_embedding_backward(tensor *, tensor grad, tensor indices, int64_t num_weights, int64_t padding_idx, int scale_grad_by_freq, int sparse); @@ -572,7 +614,7 @@ void atg_embedding_sparse_backward(tensor *, tensor grad, tensor indices, int64_ void atg_empty(tensor *, int64_t *size_data, int size_len, int options_kind, int options_device); void atg_empty_like(tensor *, tensor self); void atg_empty_out(tensor *, tensor out, int64_t *size_data, int size_len); -void atg_empty_quantized(tensor *, int64_t *size_data, int size_len, tensor qtensor); +void atg_empty_quantized(tensor *, int64_t *size_data, int size_len, tensor qtensor, int options_kind, int options_device); void atg_empty_strided(tensor *, int64_t *size_data, int size_len, int64_t *stride_data, int stride_len, int options_kind, int options_device); void atg_eq(tensor *, tensor self, scalar other); void atg_eq_(tensor *, tensor self, scalar other); @@ -612,6 +654,7 @@ void atg_fake_quantize_per_channel_affine_cachemask_backward(tensor *, tensor gr void atg_fake_quantize_per_tensor_affine(tensor *, tensor self, double scale, int64_t zero_point, int64_t quant_min, int64_t quant_max); void atg_fake_quantize_per_tensor_affine_cachemask(tensor *, tensor self, double scale, int64_t zero_point, int64_t quant_min, int64_t quant_max); void atg_fake_quantize_per_tensor_affine_cachemask_backward(tensor *, tensor grad, tensor mask); +void atg_fake_quantize_per_tensor_affine_tensor_qparams(tensor *, tensor self, tensor scale, tensor zero_point, int64_t quant_min, int64_t quant_max); void atg_fbgemm_linear_fp16_weight(tensor *, tensor input, tensor packed_weight, tensor bias); void atg_fbgemm_linear_fp16_weight_fp32_activation(tensor *, tensor input, tensor packed_weight, tensor bias); void atg_fbgemm_linear_int8_weight(tensor *, tensor input, tensor weight, tensor packed, tensor col_offsets, scalar weight_scale, scalar weight_zero_point, tensor bias); @@ -714,6 +757,7 @@ void atg_from_file(tensor *, char* filename_ptr, int filename_len, int shared, i void atg_full(tensor *, int64_t *size_data, int size_len, scalar fill_value, int options_kind, int options_device); void atg_full_like(tensor *, tensor self, scalar fill_value); void atg_full_out(tensor *, tensor out, int64_t *size_data, int size_len, scalar fill_value); +void atg_fused_moving_avg_obs_fake_quant(tensor *, tensor self, tensor observer_on, tensor fake_quant_on, tensor running_min, tensor running_max, tensor scale, tensor zero_point, double averaging_const, int64_t quant_min, int64_t quant_max, int64_t ch_axis, int per_row_fake_quant, int symmetric_quant); void atg_gather(tensor *, tensor self, int64_t dim, tensor index, int sparse_grad); void atg_gather_backward(tensor *, tensor grad, tensor self, int64_t dim, tensor index, int sparse_grad); void atg_gather_out(tensor *, tensor out, tensor self, int64_t dim, tensor index, int sparse_grad); @@ -728,6 +772,8 @@ void atg_ge_tensor_(tensor *, tensor self, tensor other); void atg_ge_tensor_out(tensor *, tensor out, tensor self, tensor other); void atg_gelu(tensor *, tensor self); void atg_gelu_backward(tensor *, tensor grad, tensor self); +void atg_gelu_backward_grad_input(tensor *, tensor grad_input, tensor grad, tensor self); +void atg_gelu_out(tensor *, tensor out, tensor self); void atg_geometric_(tensor *, tensor self, double p); void atg_geqrf(tensor *, tensor self); void atg_geqrf_a(tensor *, tensor a, tensor tau, tensor self); @@ -773,9 +819,12 @@ void atg_hann_window(tensor *, int64_t window_length, int options_kind, int opti void atg_hann_window_periodic(tensor *, int64_t window_length, int periodic, int options_kind, int options_device); void atg_hardshrink(tensor *, tensor self); void atg_hardshrink_backward(tensor *, tensor grad_out, tensor self, scalar lambd); +void atg_hardshrink_backward_grad_input(tensor *, tensor grad_input, tensor grad_out, tensor self, scalar lambd); +void atg_hardshrink_out(tensor *, tensor out, tensor self); void atg_hardsigmoid(tensor *, tensor self); void atg_hardsigmoid_(tensor *, tensor self); void atg_hardsigmoid_backward(tensor *, tensor grad_output, tensor self); +void atg_hardsigmoid_backward_grad_input(tensor *, tensor grad_input, tensor grad_output, tensor self); void atg_hardsigmoid_out(tensor *, tensor out, tensor self); void atg_hardswish(tensor *, tensor self); void atg_hardswish_(tensor *, tensor self); @@ -845,17 +894,26 @@ void atg_inverse(tensor *, tensor self); void atg_inverse_out(tensor *, tensor out, tensor self); int atg_is_coalesced(tensor self); int atg_is_complex(tensor self); +int atg_is_conj(tensor self); int atg_is_distributed(tensor self); int atg_is_floating_point(tensor self); +int atg_is_inference(tensor self); int atg_is_leaf(tensor self); +int atg_is_neg(tensor self); int atg_is_nonzero(tensor self); -int atg_is_pinned(tensor self); +int atg_is_pinned(tensor self, int device); int atg_is_same_size(tensor self, tensor other); int atg_is_set_to(tensor self, tensor tensor); int atg_is_signed(tensor self); int atg_is_vulkan_available(); void atg_isclose(tensor *, tensor self, tensor other, double rtol, double atol, int equal_nan); void atg_isfinite(tensor *, tensor self); +void atg_isin(tensor *, tensor elements, tensor test_elements, int assume_unique, int invert); +void atg_isin_scalar_tensor(tensor *, scalar element, tensor test_elements, int assume_unique, int invert); +void atg_isin_scalar_tensor_out(tensor *, tensor out, scalar element, tensor test_elements, int assume_unique, int invert); +void atg_isin_tensor_scalar(tensor *, tensor elements, scalar test_element, int assume_unique, int invert); +void atg_isin_tensor_scalar_out(tensor *, tensor out, tensor elements, scalar test_element, int assume_unique, int invert); +void atg_isin_tensor_tensor_out(tensor *, tensor out, tensor elements, tensor test_elements, int assume_unique, int invert); void atg_isinf(tensor *, tensor self); void atg_isnan(tensor *, tensor self); void atg_isneginf(tensor *, tensor self); @@ -893,6 +951,7 @@ void atg_le_tensor_out(tensor *, tensor out, tensor self, tensor other); void atg_leaky_relu(tensor *, tensor self); void atg_leaky_relu_(tensor *, tensor self); void atg_leaky_relu_backward(tensor *, tensor grad_output, tensor self, scalar negative_slope, int self_is_result); +void atg_leaky_relu_backward_grad_input(tensor *, tensor grad_input, tensor grad_output, tensor self, scalar negative_slope, int self_is_result); void atg_leaky_relu_out(tensor *, tensor out, tensor self); void atg_lerp(tensor *, tensor self, tensor end, scalar weight); void atg_lerp_(tensor *, tensor self, tensor end, scalar weight); @@ -915,10 +974,10 @@ void atg_less_tensor_out(tensor *, tensor out, tensor self, tensor other); void atg_lgamma(tensor *, tensor self); void atg_lgamma_(tensor *, tensor self); void atg_lgamma_out(tensor *, tensor out, tensor self); -void atg_linalg_cholesky(tensor *, tensor self); -void atg_linalg_cholesky_ex(tensor *, tensor self, int check_errors); -void atg_linalg_cholesky_ex_l(tensor *, tensor L, tensor info, tensor self, int check_errors); -void atg_linalg_cholesky_out(tensor *, tensor out, tensor self); +void atg_linalg_cholesky(tensor *, tensor self, int upper); +void atg_linalg_cholesky_ex(tensor *, tensor self, int upper, int check_errors); +void atg_linalg_cholesky_ex_l(tensor *, tensor L, tensor info, tensor self, int upper, int check_errors); +void atg_linalg_cholesky_out(tensor *, tensor out, tensor self, int upper); void atg_linalg_cond(tensor *, tensor self, scalar p); void atg_linalg_cond_out(tensor *, tensor out, tensor self, scalar p); void atg_linalg_cond_p_str(tensor *, tensor self, char* p_ptr, int p_len); @@ -941,10 +1000,8 @@ void atg_linalg_inv_ex_inverse(tensor *, tensor inverse, tensor info, tensor sel void atg_linalg_inv_out(tensor *, tensor out, tensor self); void atg_linalg_lstsq(tensor *, tensor self, tensor b, double rcond_v, uint8_t rcond_null, char* driver_ptr, int driver_len); void atg_linalg_lstsq_out(tensor *, tensor solution, tensor residuals, tensor rank, tensor singular_values, tensor self, tensor b, double rcond_v, uint8_t rcond_null, char* driver_ptr, int driver_len); -void atg_linalg_matrix_norm(tensor *, tensor self, scalar ord, int64_t *dim_data, int dim_len, int keepdim, int dtype); -void atg_linalg_matrix_norm_out(tensor *, tensor out, tensor self, scalar ord, int64_t *dim_data, int dim_len, int keepdim, int dtype); -void atg_linalg_matrix_norm_str_ord(tensor *, tensor self, char* ord_ptr, int ord_len, int64_t *dim_data, int dim_len, int keepdim, int dtype); -void atg_linalg_matrix_norm_str_ord_out(tensor *, tensor out, tensor self, char* ord_ptr, int ord_len, int64_t *dim_data, int dim_len, int keepdim, int dtype); +void atg_linalg_matmul(tensor *, tensor self, tensor other); +void atg_linalg_matmul_out(tensor *, tensor out, tensor self, tensor other); void atg_linalg_matrix_power(tensor *, tensor self, int64_t n); void atg_linalg_matrix_power_out(tensor *, tensor out, tensor self, int64_t n); void atg_linalg_matrix_rank(tensor *, tensor self, double tol_v, uint8_t tol_null, int hermitian); @@ -976,6 +1033,7 @@ void atg_linalg_tensorinv_out(tensor *, tensor out, tensor self, int64_t ind); void atg_linalg_tensorsolve(tensor *, tensor self, tensor other, int64_t *dims_data, int dims_len); void atg_linalg_tensorsolve_out(tensor *, tensor out, tensor self, tensor other, int64_t *dims_data, int dims_len); void atg_linear(tensor *, tensor input, tensor weight, tensor bias); +void atg_linear_out(tensor *, tensor out, tensor input, tensor weight, tensor bias); void atg_linspace(tensor *, scalar start, scalar end, int64_t steps_v, uint8_t steps_null, int options_kind, int options_device); void atg_linspace_out(tensor *, tensor out, scalar start, scalar end, int64_t steps_v, uint8_t steps_null); void atg_log(tensor *, tensor self); @@ -1091,6 +1149,7 @@ void atg_median(tensor *, tensor self); void atg_median_dim(tensor *, tensor self, int64_t dim, int keepdim); void atg_median_dim_values(tensor *, tensor values, tensor indices, tensor self, int64_t dim, int keepdim); tensor *atg_meshgrid(tensor *tensors_data, int tensors_len); +tensor *atg_meshgrid_indexing(tensor *tensors_data, int tensors_len, char* indexing_ptr, int indexing_len); void atg_min(tensor *, tensor self); void atg_min_dim(tensor *, tensor self, int64_t dim, int keepdim); void atg_min_dim_min(tensor *, tensor min, tensor min_indices, tensor self, int64_t dim, int keepdim); @@ -1165,9 +1224,12 @@ void atg_mv(tensor *, tensor self, tensor vec); void atg_mv_out(tensor *, tensor out, tensor self, tensor vec); void atg_mvlgamma(tensor *, tensor self, int64_t p); void atg_mvlgamma_(tensor *, tensor self, int64_t p); +void atg_mvlgamma_out(tensor *, tensor out, tensor self, int64_t p); void atg_nan_to_num(tensor *, tensor self, double nan_v, uint8_t nan_null, double posinf_v, uint8_t posinf_null, double neginf_v, uint8_t neginf_null); void atg_nan_to_num_(tensor *, tensor self, double nan_v, uint8_t nan_null, double posinf_v, uint8_t posinf_null, double neginf_v, uint8_t neginf_null); void atg_nan_to_num_out(tensor *, tensor out, tensor self, double nan_v, uint8_t nan_null, double posinf_v, uint8_t posinf_null, double neginf_v, uint8_t neginf_null); +void atg_nanmean(tensor *, tensor self, int64_t *dim_data, int dim_len, int keepdim, int dtype); +void atg_nanmean_out(tensor *, tensor out, tensor self, int64_t *dim_data, int dim_len, int keepdim, int dtype); void atg_nanmedian(tensor *, tensor self); void atg_nanmedian_dim(tensor *, tensor self, int64_t dim, int keepdim); void atg_nanmedian_dim_values(tensor *, tensor values, tensor indices, tensor self, int64_t dim, int keepdim); @@ -1207,6 +1269,7 @@ void atg_negative_out(tensor *, tensor out, tensor self); void atg_new_empty(tensor *, tensor self, int64_t *size_data, int size_len, int options_kind, int options_device); void atg_new_empty_strided(tensor *, tensor self, int64_t *size_data, int size_len, int64_t *stride_data, int stride_len, int options_kind, int options_device); void atg_new_full(tensor *, tensor self, int64_t *size_data, int size_len, scalar fill_value, int options_kind, int options_device); +void atg_new_ones(tensor *, tensor self, int64_t *size_data, int size_len, int options_kind, int options_device); void atg_new_zeros(tensor *, tensor self, int64_t *size_data, int size_len, int options_kind, int options_device); void atg_nextafter(tensor *, tensor self, tensor other); void atg_nextafter_(tensor *, tensor self, tensor other); @@ -1261,7 +1324,7 @@ void atg_pad_sequence(tensor *, tensor *sequences_data, int sequences_len, int b void atg_pairwise_distance(tensor *, tensor x1, tensor x2, double p, double eps, int keepdim); void atg_pdist(tensor *, tensor self, double p); void atg_permute(tensor *, tensor self, int64_t *dims_data, int dims_len); -void atg_pin_memory(tensor *, tensor self); +void atg_pin_memory(tensor *, tensor self, int device); void atg_pinverse(tensor *, tensor self, double rcond); void atg_pixel_shuffle(tensor *, tensor self, int64_t upscale_factor); void atg_pixel_unshuffle(tensor *, tensor self, int64_t downscale_factor); @@ -1273,13 +1336,13 @@ void atg_polygamma(tensor *, int64_t n, tensor self); void atg_polygamma_(tensor *, tensor self, int64_t n); void atg_polygamma_out(tensor *, tensor out, int64_t n, tensor self); void atg_positive(tensor *, tensor self); -void atg_pow(tensor *, tensor self, scalar exponent); +void atg_pow(tensor *, tensor self, tensor exponent); void atg_pow_(tensor *, tensor self, scalar exponent); void atg_pow_scalar(tensor *, scalar self_scalar, tensor exponent); void atg_pow_scalar_out(tensor *, tensor out, scalar self_scalar, tensor exponent); void atg_pow_tensor_(tensor *, tensor self, tensor exponent); +void atg_pow_tensor_scalar(tensor *, tensor self, scalar exponent); void atg_pow_tensor_scalar_out(tensor *, tensor out, tensor self, scalar exponent); -void atg_pow_tensor_tensor(tensor *, tensor self, tensor exponent); void atg_pow_tensor_tensor_out(tensor *, tensor out, tensor self, tensor exponent); void atg_prelu(tensor *, tensor self, tensor weight); void atg_prelu_backward(tensor *, tensor grad_output, tensor self, tensor weight); @@ -1305,6 +1368,7 @@ void atg_quantile_scalar(tensor *, tensor self, double q, int64_t dim_v, uint8_t void atg_quantile_scalar_out(tensor *, tensor out, tensor self, double q, int64_t dim_v, uint8_t dim_null, int keepdim); void atg_quantize_per_channel(tensor *, tensor self, tensor scales, tensor zero_points, int64_t axis, int dtype); void atg_quantize_per_tensor(tensor *, tensor self, double scale, int64_t zero_point, int dtype); +void atg_quantize_per_tensor_tensor_qparams(tensor *, tensor self, tensor scale, tensor zero_point, int dtype); tensor *atg_quantize_per_tensor_tensors(tensor *tensors_data, int tensors_len, tensor scales, tensor zero_points, int dtype); void atg_quantized_batch_norm(tensor *, tensor input, tensor weight, tensor bias, tensor mean, tensor var, double eps, double output_scale, int64_t output_zero_point); void atg_quantized_gru_cell(tensor *, tensor input, tensor hx, tensor w_ih, tensor w_hh, tensor b_ih, tensor b_hh, tensor packed_ih, tensor packed_hh, tensor col_offsets_ih, tensor col_offsets_hh, scalar scale_ih, scalar scale_hh, scalar zero_point_ih, scalar zero_point_hh); @@ -1349,6 +1413,10 @@ void atg_reflection_pad2d(tensor *, tensor self, int64_t *padding_data, int padd void atg_reflection_pad2d_backward(tensor *, tensor grad_output, tensor self, int64_t *padding_data, int padding_len); void atg_reflection_pad2d_backward_grad_input(tensor *, tensor grad_input, tensor grad_output, tensor self, int64_t *padding_data, int padding_len); void atg_reflection_pad2d_out(tensor *, tensor out, tensor self, int64_t *padding_data, int padding_len); +void atg_reflection_pad3d(tensor *, tensor self, int64_t *padding_data, int padding_len); +void atg_reflection_pad3d_backward(tensor *, tensor grad_output, tensor self, int64_t *padding_data, int padding_len); +void atg_reflection_pad3d_backward_grad_input(tensor *, tensor grad_input, tensor grad_output, tensor self, int64_t *padding_data, int padding_len); +void atg_reflection_pad3d_out(tensor *, tensor out, tensor self, int64_t *padding_data, int padding_len); void atg_relu(tensor *, tensor self); void atg_relu6(tensor *, tensor self); void atg_relu6_(tensor *, tensor self); @@ -1356,6 +1424,7 @@ void atg_relu_(tensor *, tensor self); void atg_remainder(tensor *, tensor self, scalar other); void atg_remainder_(tensor *, tensor self, scalar other); void atg_remainder_scalar_out(tensor *, tensor out, tensor self, scalar other); +void atg_remainder_scalar_tensor(tensor *, scalar self_scalar, tensor other); void atg_remainder_tensor(tensor *, tensor self, tensor other); void atg_remainder_tensor_(tensor *, tensor self, tensor other); void atg_remainder_tensor_out(tensor *, tensor out, tensor self, tensor other); @@ -1363,9 +1432,9 @@ void atg_renorm(tensor *, tensor self, scalar p, int64_t dim, scalar maxnorm); void atg_renorm_(tensor *, tensor self, scalar p, int64_t dim, scalar maxnorm); void atg_renorm_out(tensor *, tensor out, tensor self, scalar p, int64_t dim, scalar maxnorm); void atg_repeat(tensor *, tensor self, int64_t *repeats_data, int repeats_len); -void atg_repeat_interleave(tensor *, tensor repeats); -void atg_repeat_interleave_self_int(tensor *, tensor self, int64_t repeats, int64_t dim_v, uint8_t dim_null); -void atg_repeat_interleave_self_tensor(tensor *, tensor self, tensor repeats, int64_t dim_v, uint8_t dim_null); +void atg_repeat_interleave(tensor *, tensor repeats, int64_t output_size_v, uint8_t output_size_null); +void atg_repeat_interleave_self_int(tensor *, tensor self, int64_t repeats, int64_t dim_v, uint8_t dim_null, int64_t output_size_v, uint8_t output_size_null); +void atg_repeat_interleave_self_tensor(tensor *, tensor self, tensor repeats, int64_t dim_v, uint8_t dim_null, int64_t output_size_v, uint8_t output_size_null); void atg_replication_pad1d(tensor *, tensor self, int64_t *padding_data, int padding_len); void atg_replication_pad1d_backward(tensor *, tensor grad_output, tensor self, int64_t *padding_data, int padding_len); void atg_replication_pad1d_backward_grad_input(tensor *, tensor grad_input, tensor grad_output, tensor self, int64_t *padding_data, int padding_len); @@ -1384,6 +1453,9 @@ void atg_reshape_as(tensor *, tensor self, tensor other); void atg_resize_(tensor *, tensor self, int64_t *size_data, int size_len); void atg_resize_as_(tensor *, tensor self, tensor the_template); void atg_resize_as_sparse_(tensor *, tensor self, tensor the_template); +void atg_resolve_conj(tensor *, tensor self); +void atg_resolve_neg(tensor *, tensor self); +int atg_retains_grad(tensor self); void atg_rnn_relu(tensor *, tensor input, tensor hx, tensor *params_data, int params_len, int has_biases, int64_t num_layers, double dropout, int train, int bidirectional, int batch_first); void atg_rnn_relu_cell(tensor *, tensor input, tensor hx, tensor w_ih, tensor w_hh, tensor b_ih, tensor b_hh); void atg_rnn_relu_data(tensor *, tensor data, tensor batch_sizes, tensor hx, tensor *params_data, int params_len, int has_biases, int64_t num_layers, double dropout, int train, int bidirectional); @@ -1413,17 +1485,23 @@ void atg_scatter(tensor *, tensor self, int64_t dim, tensor index, tensor src); void atg_scatter_(tensor *, tensor self, int64_t dim, tensor index, tensor src); void atg_scatter_add(tensor *, tensor self, int64_t dim, tensor index, tensor src); void atg_scatter_add_(tensor *, tensor self, int64_t dim, tensor index, tensor src); +void atg_scatter_add_out(tensor *, tensor out, tensor self, int64_t dim, tensor index, tensor src); +void atg_scatter_reduce(tensor *, tensor self, int64_t dim, tensor index, tensor src, char* reduce_ptr, int reduce_len); void atg_scatter_reduce_(tensor *, tensor self, int64_t dim, tensor index, tensor src, char* reduce_ptr, int reduce_len); +void atg_scatter_reduce_out(tensor *, tensor out, tensor self, int64_t dim, tensor index, tensor src, char* reduce_ptr, int reduce_len); +void atg_scatter_src_out(tensor *, tensor out, tensor self, int64_t dim, tensor index, tensor src); void atg_scatter_value(tensor *, tensor self, int64_t dim, tensor index, scalar value); void atg_scatter_value_(tensor *, tensor self, int64_t dim, tensor index, scalar value); +void atg_scatter_value_out(tensor *, tensor out, tensor self, int64_t dim, tensor index, scalar value); +void atg_scatter_value_reduce(tensor *, tensor self, int64_t dim, tensor index, scalar value, char* reduce_ptr, int reduce_len); void atg_scatter_value_reduce_(tensor *, tensor self, int64_t dim, tensor index, scalar value, char* reduce_ptr, int reduce_len); +void atg_scatter_value_reduce_out(tensor *, tensor out, tensor self, int64_t dim, tensor index, scalar value, char* reduce_ptr, int reduce_len); void atg_searchsorted(tensor *, tensor sorted_sequence, tensor self, int out_int32, int right); void atg_searchsorted_scalar(tensor *, tensor sorted_sequence, scalar self_scalar, int out_int32, int right); void atg_searchsorted_tensor_out(tensor *, tensor out, tensor sorted_sequence, tensor self, int out_int32, int right); void atg_segment_reduce(tensor *, tensor data, char* reduce_ptr, int reduce_len, tensor lengths, tensor indices, int64_t axis, int unsafe, scalar initial); -void atg_segment_reduce_backward(tensor *, tensor grad, tensor output, tensor data, tensor lengths); void atg_select(tensor *, tensor self, int64_t dim, int64_t index); -void atg_select_backward(tensor *, tensor grad, int64_t *input_sizes_data, int input_sizes_len, int64_t dim, int64_t index); +void atg_select_backward(tensor *, tensor grad_output, int64_t *input_sizes_data, int input_sizes_len, int64_t dim, int64_t index); void atg_selu(tensor *, tensor self); void atg_selu_(tensor *, tensor self); void atg_set_(tensor *, tensor self); @@ -1445,6 +1523,7 @@ void atg_signbit_out(tensor *, tensor out, tensor self); void atg_silu(tensor *, tensor self); void atg_silu_(tensor *, tensor self); void atg_silu_backward(tensor *, tensor grad_output, tensor self); +void atg_silu_backward_grad_input(tensor *, tensor grad_input, tensor grad_output, tensor self); void atg_silu_out(tensor *, tensor out, tensor self); void atg_sin(tensor *, tensor self); void atg_sin_(tensor *, tensor self); @@ -1456,7 +1535,7 @@ void atg_sinh(tensor *, tensor self); void atg_sinh_(tensor *, tensor self); void atg_sinh_out(tensor *, tensor out, tensor self); void atg_slice(tensor *, tensor self, int64_t dim, int64_t start_v, uint8_t start_null, int64_t end_v, uint8_t end_null, int64_t step); -void atg_slice_backward(tensor *, tensor grad, int64_t *input_sizes_data, int input_sizes_len, int64_t dim, int64_t start, int64_t end, int64_t step); +void atg_slice_backward(tensor *, tensor grad_output, int64_t *input_sizes_data, int input_sizes_len, int64_t dim, int64_t start, int64_t end, int64_t step); void atg_slogdet(tensor *, tensor self); void atg_slow_conv3d(tensor *, tensor self, tensor weight, int64_t *kernel_size_data, int kernel_size_len, tensor bias, int64_t *stride_data, int stride_len, int64_t *padding_data, int padding_len); void atg_slow_conv3d_out(tensor *, tensor out, tensor self, tensor weight, int64_t *kernel_size_data, int kernel_size_len, tensor bias, int64_t *stride_data, int stride_len, int64_t *padding_data, int padding_len); @@ -1493,16 +1572,22 @@ void atg_sort_values_stable(tensor *, tensor values, tensor indices, tensor self void atg_sparse_coo_tensor(tensor *, int64_t *size_data, int size_len, int options_kind, int options_device); void atg_sparse_coo_tensor_indices(tensor *, tensor indices, tensor values, int options_kind, int options_device); void atg_sparse_coo_tensor_indices_size(tensor *, tensor indices, tensor values, int64_t *size_data, int size_len, int options_kind, int options_device); +void atg_sparse_csr_tensor(tensor *, tensor crow_indices, tensor col_indices, tensor values, int options_kind, int options_device); +void atg_sparse_csr_tensor_crow_col_value_size(tensor *, tensor crow_indices, tensor col_indices, tensor values, int64_t *size_data, int size_len, int options_kind, int options_device); int64_t atg_sparse_dim(tensor self); void atg_sparse_mask(tensor *, tensor self, tensor mask); void atg_sparse_resize_(tensor *, tensor self, int64_t *size_data, int size_len, int64_t sparse_dim, int64_t dense_dim); void atg_sparse_resize_and_clear_(tensor *, tensor self, int64_t *size_data, int size_len, int64_t sparse_dim, int64_t dense_dim); +void atg_special_digamma(tensor *, tensor self); +void atg_special_digamma_out(tensor *, tensor out, tensor self); void atg_special_entr(tensor *, tensor self); void atg_special_entr_out(tensor *, tensor out, tensor self); void atg_special_erf(tensor *, tensor self); void atg_special_erf_out(tensor *, tensor out, tensor self); void atg_special_erfc(tensor *, tensor self); void atg_special_erfc_out(tensor *, tensor out, tensor self); +void atg_special_erfcx(tensor *, tensor self); +void atg_special_erfcx_out(tensor *, tensor out, tensor self); void atg_special_erfinv(tensor *, tensor self); void atg_special_erfinv_out(tensor *, tensor out, tensor self); void atg_special_exp2(tensor *, tensor self); @@ -1511,18 +1596,59 @@ void atg_special_expit(tensor *, tensor self); void atg_special_expit_out(tensor *, tensor out, tensor self); void atg_special_expm1(tensor *, tensor self); void atg_special_expm1_out(tensor *, tensor out, tensor self); +void atg_special_gammainc(tensor *, tensor self, tensor other); +void atg_special_gammainc_out(tensor *, tensor out, tensor self, tensor other); +void atg_special_gammaincc(tensor *, tensor self, tensor other); +void atg_special_gammaincc_out(tensor *, tensor out, tensor self, tensor other); void atg_special_gammaln(tensor *, tensor self); void atg_special_gammaln_out(tensor *, tensor out, tensor self); +void atg_special_i0(tensor *, tensor self); +void atg_special_i0_out(tensor *, tensor out, tensor self); void atg_special_i0e(tensor *, tensor self); void atg_special_i0e_out(tensor *, tensor out, tensor self); +void atg_special_i1(tensor *, tensor self); +void atg_special_i1_out(tensor *, tensor out, tensor self); +void atg_special_i1e(tensor *, tensor self); +void atg_special_i1e_out(tensor *, tensor out, tensor self); +void atg_special_log1p(tensor *, tensor self); +void atg_special_log1p_out(tensor *, tensor out, tensor self); +void atg_special_log_softmax(tensor *, tensor self, int64_t dim, int dtype); void atg_special_logit(tensor *, tensor self, double eps_v, uint8_t eps_null); void atg_special_logit_out(tensor *, tensor out, tensor self, double eps_v, uint8_t eps_null); +void atg_special_logsumexp(tensor *, tensor self, int64_t *dim_data, int dim_len, int keepdim); +void atg_special_logsumexp_out(tensor *, tensor out, tensor self, int64_t *dim_data, int dim_len, int keepdim); +void atg_special_multigammaln(tensor *, tensor self, int64_t p); +void atg_special_multigammaln_out(tensor *, tensor out, tensor self, int64_t p); +void atg_special_ndtr(tensor *, tensor self); +void atg_special_ndtr_out(tensor *, tensor out, tensor self); +void atg_special_ndtri(tensor *, tensor self); +void atg_special_ndtri_out(tensor *, tensor out, tensor self); +void atg_special_polygamma(tensor *, int64_t n, tensor self); +void atg_special_polygamma_out(tensor *, tensor out, int64_t n, tensor self); +void atg_special_psi(tensor *, tensor self); +void atg_special_psi_out(tensor *, tensor out, tensor self); +void atg_special_round(tensor *, tensor self); +void atg_special_round_out(tensor *, tensor out, tensor self); +void atg_special_sinc(tensor *, tensor self); +void atg_special_sinc_out(tensor *, tensor out, tensor self); void atg_special_xlog1py(tensor *, tensor self, tensor other); void atg_special_xlog1py_other_scalar(tensor *, tensor self, scalar other); void atg_special_xlog1py_other_scalar_out(tensor *, tensor out, tensor self, scalar other); void atg_special_xlog1py_out(tensor *, tensor out, tensor self, tensor other); void atg_special_xlog1py_self_scalar(tensor *, scalar self_scalar, tensor other); void atg_special_xlog1py_self_scalar_out(tensor *, tensor out, scalar self_scalar, tensor other); +void atg_special_xlogy(tensor *, tensor self, tensor other); +void atg_special_xlogy_other_scalar(tensor *, tensor self, scalar other); +void atg_special_xlogy_other_scalar_out(tensor *, tensor out, tensor self, scalar other); +void atg_special_xlogy_out(tensor *, tensor out, tensor self, tensor other); +void atg_special_xlogy_self_scalar(tensor *, scalar self_scalar, tensor other); +void atg_special_xlogy_self_scalar_out(tensor *, tensor out, scalar self_scalar, tensor other); +void atg_special_zeta(tensor *, tensor self, tensor other); +void atg_special_zeta_other_scalar(tensor *, tensor self, scalar other); +void atg_special_zeta_other_scalar_out(tensor *, tensor out, tensor self, scalar other); +void atg_special_zeta_out(tensor *, tensor out, tensor self, tensor other); +void atg_special_zeta_self_scalar(tensor *, scalar self_scalar, tensor other); +void atg_special_zeta_self_scalar_out(tensor *, tensor out, scalar self_scalar, tensor other); tensor *atg_split(tensor self, int64_t split_size, int64_t dim); tensor *atg_split_with_sizes(tensor self, int64_t *split_sizes_data, int split_sizes_len, int64_t dim); void atg_sqrt(tensor *, tensor self); @@ -1613,6 +1739,8 @@ void atg_trace(tensor *, tensor self); void atg_trace_backward(tensor *, tensor grad, int64_t *sizes_data, int sizes_len); void atg_transpose(tensor *, tensor self, int64_t dim0, int64_t dim1); void atg_transpose_(tensor *, tensor self, int64_t dim0, int64_t dim1); +void atg_trapezoid(tensor *, tensor y, int64_t dim); +void atg_trapezoid_x(tensor *, tensor y, tensor x, int64_t dim); void atg_trapz(tensor *, tensor y, tensor x, int64_t dim); void atg_trapz_dx(tensor *, tensor y, double dx, int64_t dim); void atg_triangular_solve(tensor *, tensor self, tensor A, int upper, int transpose, int unitriangular); diff --git a/setup-gotch.sh b/setup-gotch.sh index 132d891..7e83972 100644 --- a/setup-gotch.sh +++ b/setup-gotch.sh @@ -1,6 +1,6 @@ #!/bin/bash -GOTCH_VERSION="${GOTCH_VER:-v0.4.5}" +GOTCH_VERSION="${GOTCH_VER:-v0.5.0}" CUDA_VERSION="${CUDA_VER:-11.1}" GOTCH_PATH="$GOPATH/pkg/mod/github.com/sugarme/gotch@$GOTCH_VERSION" diff --git a/setup-libtorch.sh b/setup-libtorch.sh index 6f9c4e0..eb82d07 100644 --- a/setup-libtorch.sh +++ b/setup-libtorch.sh @@ -1,6 +1,6 @@ #!/bin/bash -LIBTORCH_VERSION="${LIBTORCH_VER:-1.9.0}" +LIBTORCH_VERSION="${LIBTORCH_VER:-1.10.0}" CUDA_VERSION="${CUDA_VER:-11.1}" if [[ -z "${CUDA_VERSION}"=="cpu" ]]; then diff --git a/tensor/data_test.go b/tensor/data_test.go index 87fc5db..ab46be3 100644 --- a/tensor/data_test.go +++ b/tensor/data_test.go @@ -104,7 +104,7 @@ func TestTextDataIter(t *testing.T) { col2 := xs.Idx([]ts.TensorIndexer{idxCol, idxCol2}) // t.Errorf("col2 shape: %v\n", col2.MustSize()) - pow := col1Fmod.MustSub(col2, true).MustPow(ts.IntScalar(2), true) + pow := col1Fmod.MustSub(col2, true).MustPowTensorScalar(ts.IntScalar(2), true) sum := pow.MustSum(gotch.Float, true) // Will pass if there's no panic diff --git a/tensor/must-tensor-generated.go b/tensor/must-tensor-generated.go index 527eba4..706b395 100644 --- a/tensor/must-tensor-generated.go +++ b/tensor/must-tensor-generated.go @@ -233,6 +233,22 @@ func(ts *Tensor) Must_AddReluOut(out *Tensor, other *Tensor, del bool)(retVal *T return retVal } +func(ts *Tensor) Must_AddReluScalar(other *Scalar, del bool)(retVal *Tensor) { + + retVal, err := ts._AddReluScalar(other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) Must_AddReluScalar_(other *Scalar)() { + + err := ts._AddReluScalar_(other) + if err != nil { log.Fatal(err) } + + return +} + func(ts *Tensor) Must_Aminmax(del bool)(retVal0 *Tensor, retVal1 *Tensor) { retVal0, retVal1, err := ts._Aminmax(del) @@ -265,22 +281,6 @@ func(ts *Tensor) Must_BaddbmmMkl_(batch1 *Tensor, batch2 *Tensor)() { return } -func(ts *Tensor) Must_Bmm(mat2 *Tensor, deterministic bool, del bool)(retVal *Tensor) { - - retVal, err := ts._Bmm(mat2, deterministic, del) - if err != nil { log.Fatal(err) } - - return retVal -} - -func(ts *Tensor) Must_BmmOut(out *Tensor, mat2 *Tensor, deterministic bool, del bool)(retVal *Tensor) { - - retVal, err := ts._BmmOut(out, mat2, deterministic, del) - if err != nil { log.Fatal(err) } - - return retVal -} - func(ts *Tensor) Must_CastByte(nonBlocking bool, del bool)(retVal *Tensor) { retVal, err := ts._CastByte(nonBlocking, del) @@ -417,6 +417,54 @@ func(ts *Tensor) Must_Conj(del bool)(retVal *Tensor) { return retVal } +func(ts *Tensor) Must_ConjPhysical(del bool)(retVal *Tensor) { + + retVal, err := ts._ConjPhysical(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) Must_ConvDepthwise2d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool)(retVal *Tensor) { + + retVal, err := ts._ConvDepthwise2d(weight, kernelSize, bias, stride, padding, dilation, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) Must_ConvDepthwise2dBackward(gradInput *Tensor, gradWeight *Tensor, gradOutput *Tensor, weight *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, del bool)(retVal0 *Tensor, retVal1 *Tensor) { + + retVal0, retVal1, err := ts._ConvDepthwise2dBackward(gradInput, gradWeight, gradOutput, weight, kernelSize, stride, padding, dilation, del) + if err != nil { log.Fatal(err) } + + return retVal0, retVal1 +} + +func(ts *Tensor) Must_ConvDepthwise2dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool)(retVal *Tensor) { + + retVal, err := ts._ConvDepthwise2dOut(out, weight, kernelSize, bias, stride, padding, dilation, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) Must_ConvertIndicesFromCooToCsr(size int64, outInt32 bool, del bool)(retVal *Tensor) { + + retVal, err := ts._ConvertIndicesFromCooToCsr(size, outInt32, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) Must_ConvertIndicesFromCooToCsrOut(out *Tensor, size int64, outInt32 bool, del bool)(retVal *Tensor) { + + retVal, err := ts._ConvertIndicesFromCooToCsrOut(out, size, outInt32, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func Must_Convolution(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, transposed bool, outputPadding []int64, groups int64, benchmark bool, deterministic bool, cudnnEnabled bool, allowTf32 bool)(retVal *Tensor) { retVal, err := _Convolution(input, weight, bias, stride, padding, dilation, transposed, outputPadding, groups, benchmark, deterministic, cudnnEnabled, allowTf32) @@ -457,6 +505,14 @@ func(ts *Tensor) Must_CopyFrom(dst *Tensor, nonBlocking bool, del bool)(retVal * return retVal } +func(ts *Tensor) Must_CopyFromAndResize(dst *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts._CopyFromAndResize(dst, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func Must_CtcLoss(logProbs *Tensor, targets *Tensor, inputLengths []int64, targetLengths []int64, blank int64, zeroInfinity bool)(retVal0 *Tensor, retVal1 *Tensor) { retVal0, retVal1, err := _CtcLoss(logProbs, targets, inputLengths, targetLengths, blank, zeroInfinity) @@ -521,38 +577,6 @@ func Must_CufftGetPlanCacheSize(deviceIndex int64)(retVal int64) { return retVal } -func(ts *Tensor) Must_Cumprod(dim int64, del bool)(retVal *Tensor) { - - retVal, err := ts._Cumprod(dim, del) - if err != nil { log.Fatal(err) } - - return retVal -} - -func(ts *Tensor) Must_CumprodOut(out *Tensor, dim int64, del bool)(retVal *Tensor) { - - retVal, err := ts._CumprodOut(out, dim, del) - if err != nil { log.Fatal(err) } - - return retVal -} - -func(ts *Tensor) Must_Cumsum(dim int64, del bool)(retVal *Tensor) { - - retVal, err := ts._Cumsum(dim, del) - if err != nil { log.Fatal(err) } - - return retVal -} - -func(ts *Tensor) Must_CumsumOut(out *Tensor, dim int64, del bool)(retVal *Tensor) { - - retVal, err := ts._CumsumOut(out, dim, del) - if err != nil { log.Fatal(err) } - - return retVal -} - func(ts *Tensor) Must_DebugHasInternalOverlap(del bool)(retVal int64) { retVal, err := ts._DebugHasInternalOverlap(del) @@ -561,6 +585,22 @@ func(ts *Tensor) Must_DebugHasInternalOverlap(del bool)(retVal int64) { return retVal } +func(ts *Tensor) Must_DetLuBasedHelper(del bool)(retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor) { + + retVal0, retVal1, retVal2, err := ts._DetLuBasedHelper(del) + if err != nil { log.Fatal(err) } + + return retVal0, retVal1, retVal2 +} + +func(ts *Tensor) Must_DetLuBasedHelperBackwardHelper(detGrad *Tensor, det *Tensor, lu *Tensor, pivs *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts._DetLuBasedHelperBackwardHelper(detGrad, det, lu, pivs, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func Must_DimArange(like *Tensor, dim int64)(retVal *Tensor) { retVal, err := _DimArange(like, dim) @@ -697,6 +737,14 @@ func(ts *Tensor) Must_FakeQuantizeLearnablePerTensorAffineBackward(grad *Tensor, return retVal0, retVal1, retVal2 } +func(ts *Tensor) Must_FakeQuantizePerTensorAffineCachemaskTensorQparams(scale *Tensor, zeroPoint *Tensor, fakeQuantEnabled *Tensor, quantMin int64, quantMax int64, del bool)(retVal0 *Tensor, retVal1 *Tensor) { + + retVal0, retVal1, err := ts._FakeQuantizePerTensorAffineCachemaskTensorQparams(scale, zeroPoint, fakeQuantEnabled, quantMin, quantMax, del) + if err != nil { log.Fatal(err) } + + return retVal0, retVal1 +} + func(ts *Tensor) Must_FftC2c(dim []int64, normalization int64, forward bool, del bool)(retVal *Tensor) { retVal, err := ts._FftC2c(dim, normalization, forward, del) @@ -753,6 +801,14 @@ func(ts *Tensor) Must_FusedDropout(p float64, del bool)(retVal0 *Tensor, retVal1 return retVal0, retVal1 } +func(ts *Tensor) Must_FusedMovingAvgObsFqHelper(observerOn *Tensor, fakeQuantOn *Tensor, runningMin *Tensor, runningMax *Tensor, scale *Tensor, zeroPoint *Tensor, averagingConst float64, quantMin int64, quantMax int64, chAxis int64, perRowFakeQuant bool, symmetricQuant bool, del bool)(retVal0 *Tensor, retVal1 *Tensor) { + + retVal0, retVal1, err := ts._FusedMovingAvgObsFqHelper(observerOn, fakeQuantOn, runningMin, runningMax, scale, zeroPoint, averagingConst, quantMin, quantMax, chAxis, perRowFakeQuant, symmetricQuant, del) + if err != nil { log.Fatal(err) } + + return retVal0, retVal1 +} + func(ts *Tensor) Must_FwPrimal(level int64, del bool)(retVal *Tensor) { retVal, err := ts._FwPrimal(level, del) @@ -833,14 +889,6 @@ func(ts *Tensor) Must_LinalgQrHelper(mode string, del bool)(retVal0 *Tensor, ret return retVal0, retVal1 } -func(ts *Tensor) Must_LinalgSolveOutHelper_(other *Tensor, infos *Tensor)() { - - err := ts._LinalgSolveOutHelper_(other, infos) - if err != nil { log.Fatal(err) } - - return -} - func(ts *Tensor) Must_LogSoftmax(dim int64, halfToFloat bool, del bool)(retVal *Tensor) { retVal, err := ts._LogSoftmax(dim, halfToFloat, del) @@ -857,6 +905,22 @@ func(ts *Tensor) Must_LogSoftmaxBackwardData(gradOutput *Tensor, output *Tensor, return retVal } +func(ts *Tensor) Must_LogSoftmaxBackwardDataOut(out *Tensor, gradOutput *Tensor, output *Tensor, dim int64, del bool)(retVal *Tensor) { + + retVal, err := ts._LogSoftmaxBackwardDataOut(out, gradOutput, output, dim, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) Must_LogSoftmaxOut(out *Tensor, dim int64, halfToFloat bool, del bool)(retVal *Tensor) { + + retVal, err := ts._LogSoftmaxOut(out, dim, halfToFloat, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) Must_Logcumsumexp(dim int64, del bool)(retVal *Tensor) { retVal, err := ts._Logcumsumexp(dim, del) @@ -937,6 +1001,14 @@ func(ts *Tensor) Must_MkldnnTranspose_(dim0 int64, dim1 int64)() { return } +func(ts *Tensor) Must_NegView(del bool)(retVal *Tensor) { + + retVal, err := ts._NegView(del) + if err != nil { log.Fatal(err) } + + return retVal +} + func Must_NnpackAvailable()(retVal bool) { retVal, err := _NnpackAvailable() @@ -1009,6 +1081,14 @@ func(ts *Tensor) Must_PdistBackward(grad *Tensor, p float64, pdist *Tensor, del return retVal } +func(ts *Tensor) Must_PinMemory(device gotch.Device, del bool)(retVal *Tensor) { + + retVal, err := ts._PinMemory(device, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) Must_RemoveBatchDim(level int64, batchSize int64, outDim int64, del bool)(retVal *Tensor) { retVal, err := ts._RemoveBatchDim(level, batchSize, outDim, del) @@ -1017,6 +1097,14 @@ func(ts *Tensor) Must_RemoveBatchDim(level int64, batchSize int64, outDim int64, return retVal } +func(ts *Tensor) Must_ReshapeAlias(size []int64, stride []int64, del bool)(retVal *Tensor) { + + retVal, err := ts._ReshapeAlias(size, stride, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) Must_ReshapeFromTensor(shape *Tensor, del bool)(retVal *Tensor) { retVal, err := ts._ReshapeFromTensor(shape, del) @@ -1057,6 +1145,14 @@ func Must_SaturateWeightToFp16(weight *Tensor)(retVal *Tensor) { return retVal } +func Must_SegmentReduceBackward(grad *Tensor, output *Tensor, data *Tensor, reduce string, lengths *Tensor, axis int64)(retVal *Tensor) { + + retVal, err := _SegmentReduceBackward(grad, output, data, reduce, lengths, axis) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) Must_ShapeAsTensor(del bool)(retVal *Tensor) { retVal, err := ts._ShapeAsTensor(del) @@ -1113,6 +1209,22 @@ func(ts *Tensor) Must_SoftmaxBackwardData(gradOutput *Tensor, output *Tensor, di return retVal } +func(ts *Tensor) Must_SoftmaxBackwardDataOut(gradInput *Tensor, gradOutput *Tensor, output *Tensor, dim int64, del bool)(retVal *Tensor) { + + retVal, err := ts._SoftmaxBackwardDataOut(gradInput, gradOutput, output, dim, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) Must_SoftmaxOut(out *Tensor, dim int64, halfToFloat bool, del bool)(retVal *Tensor) { + + retVal, err := ts._SoftmaxOut(out, dim, halfToFloat, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) Must_SolveHelper(a *Tensor, del bool)(retVal0 *Tensor, retVal1 *Tensor) { retVal0, retVal1, err := ts._SolveHelper(a, del) @@ -1153,17 +1265,9 @@ func Must_SparseCooTensorWithDimsAndTensors(sparseDim int64, denseDim int64, siz return retVal } -func Must_SparseCsrTensor(crowIndices *Tensor, colIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor) { +func Must_SparseCsrTensorUnsafe(crowIndices *Tensor, colIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor) { - retVal, err := _SparseCsrTensor(crowIndices, colIndices, values, optionsKind, optionsDevice) - if err != nil { log.Fatal(err) } - - return retVal -} - -func Must_SparseCsrTensorCrowColValueSize(crowIndices *Tensor, colIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor) { - - retVal, err := _SparseCsrTensorCrowColValueSize(crowIndices, colIndices, values, size, optionsKind, optionsDevice) + retVal, err := _SparseCsrTensorUnsafe(crowIndices, colIndices, values, size, optionsKind, optionsDevice) if err != nil { log.Fatal(err) } return retVal @@ -1377,6 +1481,14 @@ func Must_TestStringDefault(dummy *Tensor, a string, b string)(retVal *Tensor) { return retVal } +func(ts *Tensor) Must_ToCopy(optionsKind gotch.DType, optionsDevice gotch.Device, nonBlocking bool, del bool)(retVal *Tensor) { + + retVal, err := ts._ToCopy(optionsKind, optionsDevice, nonBlocking, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func Must_Trilinear(i1 *Tensor, i2 *Tensor, i3 *Tensor, expand1 []int64, expand2 []int64, expand3 []int64, sumdim []int64, unrollDim int64)(retVal *Tensor) { retVal, err := _Trilinear(i1, i2, i3, expand1, expand2, expand3, sumdim, unrollDim) @@ -1921,6 +2033,14 @@ func(ts *Tensor) MustAll(del bool)(retVal *Tensor) { return retVal } +func(ts *Tensor) MustAllAllOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.AllAllOut(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustAllDim(dim int64, keepdim bool, del bool)(retVal *Tensor) { retVal, err := ts.AllDim(dim, keepdim, del) @@ -1993,6 +2113,22 @@ func(ts *Tensor) MustAminOut(out *Tensor, dim []int64, keepdim bool, del bool)(r return retVal } +func(ts *Tensor) MustAminmax(dim []int64, keepdim bool, del bool)(retVal0 *Tensor, retVal1 *Tensor) { + + retVal0, retVal1, err := ts.Aminmax(dim, keepdim, del) + if err != nil { log.Fatal(err) } + + return retVal0, retVal1 +} + +func(ts *Tensor) MustAminmaxOut(min *Tensor, max *Tensor, dim []int64, keepdim bool, del bool)(retVal0 *Tensor, retVal1 *Tensor) { + + retVal0, retVal1, err := ts.AminmaxOut(min, max, dim, keepdim, del) + if err != nil { log.Fatal(err) } + + return retVal0, retVal1 +} + func(ts *Tensor) MustAngle(del bool)(retVal *Tensor) { retVal, err := ts.Angle(del) @@ -2017,6 +2153,14 @@ func(ts *Tensor) MustAny(del bool)(retVal *Tensor) { return retVal } +func(ts *Tensor) MustAnyAllOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.AnyAllOut(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustAnyDim(dim int64, keepdim bool, del bool)(retVal *Tensor) { retVal, err := ts.AnyDim(dim, keepdim, del) @@ -2761,6 +2905,62 @@ func(ts *Tensor) MustBitwiseAndTensorOut(out *Tensor, other *Tensor, del bool)(r return retVal } +func(ts *Tensor) MustBitwiseLeftShift(other *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.BitwiseLeftShift(other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustBitwiseLeftShift_(other *Tensor)() { + + err := ts.BitwiseLeftShift_(other) + if err != nil { log.Fatal(err) } + + return +} + +func MustBitwiseLeftShiftScalarTensor(selfScalar *Scalar, other *Tensor)(retVal *Tensor) { + + retVal, err := BitwiseLeftShiftScalarTensor(selfScalar, other) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustBitwiseLeftShiftTensorOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.BitwiseLeftShiftTensorOut(out, other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustBitwiseLeftShiftTensorScalar(other *Scalar, del bool)(retVal *Tensor) { + + retVal, err := ts.BitwiseLeftShiftTensorScalar(other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustBitwiseLeftShiftTensorScalar_(other *Scalar)() { + + err := ts.BitwiseLeftShiftTensorScalar_(other) + if err != nil { log.Fatal(err) } + + return +} + +func(ts *Tensor) MustBitwiseLeftShiftTensorScalarOut(out *Tensor, other *Scalar, del bool)(retVal *Tensor) { + + retVal, err := ts.BitwiseLeftShiftTensorScalarOut(out, other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustBitwiseNot(del bool)(retVal *Tensor) { retVal, err := ts.BitwiseNot(del) @@ -2833,6 +3033,62 @@ func(ts *Tensor) MustBitwiseOrTensorOut(out *Tensor, other *Tensor, del bool)(re return retVal } +func(ts *Tensor) MustBitwiseRightShift(other *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.BitwiseRightShift(other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustBitwiseRightShift_(other *Tensor)() { + + err := ts.BitwiseRightShift_(other) + if err != nil { log.Fatal(err) } + + return +} + +func MustBitwiseRightShiftScalarTensor(selfScalar *Scalar, other *Tensor)(retVal *Tensor) { + + retVal, err := BitwiseRightShiftScalarTensor(selfScalar, other) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustBitwiseRightShiftTensorOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.BitwiseRightShiftTensorOut(out, other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustBitwiseRightShiftTensorScalar(other *Scalar, del bool)(retVal *Tensor) { + + retVal, err := ts.BitwiseRightShiftTensorScalar(other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustBitwiseRightShiftTensorScalar_(other *Scalar)() { + + err := ts.BitwiseRightShiftTensorScalar_(other) + if err != nil { log.Fatal(err) } + + return +} + +func(ts *Tensor) MustBitwiseRightShiftTensorScalarOut(out *Tensor, other *Scalar, del bool)(retVal *Tensor) { + + retVal, err := ts.BitwiseRightShiftTensorScalarOut(out, other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustBitwiseXor(other *Scalar, del bool)(retVal *Tensor) { retVal, err := ts.BitwiseXor(other, del) @@ -3401,6 +3657,22 @@ func MustComplexOut(out *Tensor, real *Tensor, imag *Tensor)(retVal *Tensor) { return retVal } +func MustConcat(tensors []Tensor, dim int64)(retVal *Tensor) { + + retVal, err := Concat(tensors, dim) + if err != nil { log.Fatal(err) } + + return retVal +} + +func MustConcatOut(out *Tensor, tensors []Tensor, dim int64)(retVal *Tensor) { + + retVal, err := ConcatOut(out, tensors, dim) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustConj(del bool)(retVal *Tensor) { retVal, err := ts.Conj(del) @@ -3409,9 +3681,25 @@ func(ts *Tensor) MustConj(del bool)(retVal *Tensor) { return retVal } -func(ts *Tensor) MustConjOut(out *Tensor, del bool)(retVal *Tensor) { +func(ts *Tensor) MustConjPhysical(del bool)(retVal *Tensor) { - retVal, err := ts.ConjOut(out, del) + retVal, err := ts.ConjPhysical(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustConjPhysical_()() { + + err := ts.ConjPhysical_() + if err != nil { log.Fatal(err) } + + return +} + +func(ts *Tensor) MustConjPhysicalOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.ConjPhysicalOut(out, del) if err != nil { log.Fatal(err) } return retVal @@ -3609,6 +3897,14 @@ func(ts *Tensor) MustCopysignScalarOut(out *Tensor, other *Scalar, del bool)(ret return retVal } +func(ts *Tensor) MustCorrcoef(del bool)(retVal *Tensor) { + + retVal, err := ts.Corrcoef(del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustCos(del bool)(retVal *Tensor) { retVal, err := ts.Cos(del) @@ -3689,6 +3985,14 @@ func(ts *Tensor) MustCountNonzeroDimIntlist(dim []int64, del bool)(retVal *Tenso return retVal } +func(ts *Tensor) MustCov(correction int64, fweights *Tensor, aweights *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.Cov(correction, fweights, aweights, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustCross(other *Tensor, dim []int64, del bool)(retVal *Tensor) { retVal, err := ts.Cross(other, dim, del) @@ -3697,9 +4001,9 @@ func(ts *Tensor) MustCross(other *Tensor, dim []int64, del bool)(retVal *Tensor) return retVal } -func(ts *Tensor) MustCrossEntropyLoss(target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, del bool)(retVal *Tensor) { +func(ts *Tensor) MustCrossEntropyLoss(target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, labelSmoothing float64, del bool)(retVal *Tensor) { - retVal, err := ts.CrossEntropyLoss(target, weight, reduction, ignoreIndex, del) + retVal, err := ts.CrossEntropyLoss(target, weight, reduction, ignoreIndex, labelSmoothing, del) if err != nil { log.Fatal(err) } return retVal @@ -3985,6 +4289,22 @@ func(ts *Tensor) MustCumsumOut(out *Tensor, dim int64, dtype gotch.DType, del bo return retVal } +func MustCumulativeTrapezoid(y *Tensor, dim int64)(retVal *Tensor) { + + retVal, err := CumulativeTrapezoid(y, dim) + if err != nil { log.Fatal(err) } + + return retVal +} + +func MustCumulativeTrapezoidX(y *Tensor, x *Tensor, dim int64)(retVal *Tensor) { + + retVal, err := CumulativeTrapezoidX(y, x, dim) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustData(del bool)(retVal *Tensor) { retVal, err := ts.Data(del) @@ -4105,9 +4425,9 @@ func(ts *Tensor) MustDiagonal(offset int64, dim1 int64, dim2 int64, del bool)(re return retVal } -func MustDiagonalBackward(grad *Tensor, inputSizes []int64, offset int64, dim1 int64, dim2 int64)(retVal *Tensor) { +func MustDiagonalBackward(gradOutput *Tensor, inputSizes []int64, offset int64, dim1 int64, dim2 int64)(retVal *Tensor) { - retVal, err := DiagonalBackward(grad, inputSizes, offset, dim1, dim2) + retVal, err := DiagonalBackward(gradOutput, inputSizes, offset, dim1, dim2) if err != nil { log.Fatal(err) } return retVal @@ -4417,6 +4737,14 @@ func MustEluBackward(gradOutput *Tensor, alpha *Scalar, scale *Scalar, inputScal return retVal } +func MustEluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, alpha *Scalar, scale *Scalar, inputScale *Scalar, isResult bool, selfOrResult *Tensor)(retVal *Tensor) { + + retVal, err := EluBackwardGradInput(gradInput, gradOutput, alpha, scale, inputScale, isResult, selfOrResult) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustEluOut(out *Tensor, del bool)(retVal *Tensor) { retVal, err := ts.EluOut(out, del) @@ -4505,9 +4833,9 @@ func MustEmptyOut(out *Tensor, size []int64)(retVal *Tensor) { return retVal } -func MustEmptyQuantized(size []int64, qtensor *Tensor)(retVal *Tensor) { +func MustEmptyQuantized(size []int64, qtensor *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor) { - retVal, err := EmptyQuantized(size, qtensor) + retVal, err := EmptyQuantized(size, qtensor, optionsKind, optionsDevice) if err != nil { log.Fatal(err) } return retVal @@ -4825,6 +5153,14 @@ func MustFakeQuantizePerTensorAffineCachemaskBackward(grad *Tensor, mask *Tensor return retVal } +func(ts *Tensor) MustFakeQuantizePerTensorAffineTensorQparams(scale *Tensor, zeroPoint *Tensor, quantMin int64, quantMax int64, del bool)(retVal *Tensor) { + + retVal, err := ts.FakeQuantizePerTensorAffineTensorQparams(scale, zeroPoint, quantMin, quantMax, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func MustFbgemmLinearFp16Weight(input *Tensor, packedWeight *Tensor, bias *Tensor)(retVal *Tensor) { retVal, err := FbgemmLinearFp16Weight(input, packedWeight, bias) @@ -5641,6 +5977,14 @@ func MustFullOut(out *Tensor, size []int64, fillValue *Scalar)(retVal *Tensor) { return retVal } +func(ts *Tensor) MustFusedMovingAvgObsFakeQuant(observerOn *Tensor, fakeQuantOn *Tensor, runningMin *Tensor, runningMax *Tensor, scale *Tensor, zeroPoint *Tensor, averagingConst float64, quantMin int64, quantMax int64, chAxis int64, perRowFakeQuant bool, symmetricQuant bool, del bool)(retVal *Tensor) { + + retVal, err := ts.FusedMovingAvgObsFakeQuant(observerOn, fakeQuantOn, runningMin, runningMax, scale, zeroPoint, averagingConst, quantMin, quantMax, chAxis, perRowFakeQuant, symmetricQuant, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustGather(dim int64, index *Tensor, sparseGrad bool, del bool)(retVal *Tensor) { retVal, err := ts.Gather(dim, index, sparseGrad, del) @@ -5753,6 +6097,22 @@ func(ts *Tensor) MustGeluBackward(grad *Tensor, del bool)(retVal *Tensor) { return retVal } +func(ts *Tensor) MustGeluBackwardGradInput(gradInput *Tensor, grad *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.GeluBackwardGradInput(gradInput, grad, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustGeluOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.GeluOut(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustGeometric_(p float64)() { err := ts.Geometric_(p) @@ -6113,6 +6473,22 @@ func(ts *Tensor) MustHardshrinkBackward(gradOut *Tensor, lambd *Scalar, del bool return retVal } +func(ts *Tensor) MustHardshrinkBackwardGradInput(gradInput *Tensor, gradOut *Tensor, lambd *Scalar, del bool)(retVal *Tensor) { + + retVal, err := ts.HardshrinkBackwardGradInput(gradInput, gradOut, lambd, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustHardshrinkOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.HardshrinkOut(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustHardsigmoid(del bool)(retVal *Tensor) { retVal, err := ts.Hardsigmoid(del) @@ -6137,6 +6513,14 @@ func(ts *Tensor) MustHardsigmoidBackward(gradOutput *Tensor, del bool)(retVal *T return retVal } +func(ts *Tensor) MustHardsigmoidBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.HardsigmoidBackwardGradInput(gradInput, gradOutput, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustHardsigmoidOut(out *Tensor, del bool)(retVal *Tensor) { retVal, err := ts.HardsigmoidOut(out, del) @@ -6649,6 +7033,14 @@ func(ts *Tensor) MustIsComplex(del bool)(retVal bool) { return retVal } +func(ts *Tensor) MustIsConj(del bool)(retVal bool) { + + retVal, err := ts.IsConj(del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustIsDistributed(del bool)(retVal bool) { retVal, err := ts.IsDistributed(del) @@ -6665,6 +7057,14 @@ func(ts *Tensor) MustIsFloatingPoint(del bool)(retVal bool) { return retVal } +func(ts *Tensor) MustIsInference(del bool)(retVal bool) { + + retVal, err := ts.IsInference(del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustIsLeaf(del bool)(retVal bool) { retVal, err := ts.IsLeaf(del) @@ -6673,6 +7073,14 @@ func(ts *Tensor) MustIsLeaf(del bool)(retVal bool) { return retVal } +func(ts *Tensor) MustIsNeg(del bool)(retVal bool) { + + retVal, err := ts.IsNeg(del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustIsNonzero(del bool)(retVal bool) { retVal, err := ts.IsNonzero(del) @@ -6681,9 +7089,9 @@ func(ts *Tensor) MustIsNonzero(del bool)(retVal bool) { return retVal } -func(ts *Tensor) MustIsPinned(del bool)(retVal bool) { +func(ts *Tensor) MustIsPinned(device gotch.Device, del bool)(retVal bool) { - retVal, err := ts.IsPinned(del) + retVal, err := ts.IsPinned(device, del) if err != nil { log.Fatal(err) } return retVal @@ -6737,6 +7145,54 @@ func(ts *Tensor) MustIsfinite(del bool)(retVal *Tensor) { return retVal } +func MustIsin(elements *Tensor, testElements *Tensor, assumeUnique bool, invert bool)(retVal *Tensor) { + + retVal, err := Isin(elements, testElements, assumeUnique, invert) + if err != nil { log.Fatal(err) } + + return retVal +} + +func MustIsinScalarTensor(element *Scalar, testElements *Tensor, assumeUnique bool, invert bool)(retVal *Tensor) { + + retVal, err := IsinScalarTensor(element, testElements, assumeUnique, invert) + if err != nil { log.Fatal(err) } + + return retVal +} + +func MustIsinScalarTensorOut(out *Tensor, element *Scalar, testElements *Tensor, assumeUnique bool, invert bool)(retVal *Tensor) { + + retVal, err := IsinScalarTensorOut(out, element, testElements, assumeUnique, invert) + if err != nil { log.Fatal(err) } + + return retVal +} + +func MustIsinTensorScalar(elements *Tensor, testElement *Scalar, assumeUnique bool, invert bool)(retVal *Tensor) { + + retVal, err := IsinTensorScalar(elements, testElement, assumeUnique, invert) + if err != nil { log.Fatal(err) } + + return retVal +} + +func MustIsinTensorScalarOut(out *Tensor, elements *Tensor, testElement *Scalar, assumeUnique bool, invert bool)(retVal *Tensor) { + + retVal, err := IsinTensorScalarOut(out, elements, testElement, assumeUnique, invert) + if err != nil { log.Fatal(err) } + + return retVal +} + +func MustIsinTensorTensorOut(out *Tensor, elements *Tensor, testElements *Tensor, assumeUnique bool, invert bool)(retVal *Tensor) { + + retVal, err := IsinTensorTensorOut(out, elements, testElements, assumeUnique, invert) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustIsinf(del bool)(retVal *Tensor) { retVal, err := ts.Isinf(del) @@ -7033,6 +7489,14 @@ func(ts *Tensor) MustLeakyReluBackward(gradOutput *Tensor, negativeSlope *Scalar return retVal } +func(ts *Tensor) MustLeakyReluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, negativeSlope *Scalar, selfIsResult bool, del bool)(retVal *Tensor) { + + retVal, err := ts.LeakyReluBackwardGradInput(gradInput, gradOutput, negativeSlope, selfIsResult, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustLeakyReluOut(out *Tensor, del bool)(retVal *Tensor) { retVal, err := ts.LeakyReluOut(out, del) @@ -7209,33 +7673,33 @@ func(ts *Tensor) MustLgammaOut(out *Tensor, del bool)(retVal *Tensor) { return retVal } -func(ts *Tensor) MustLinalgCholesky(del bool)(retVal *Tensor) { +func(ts *Tensor) MustLinalgCholesky(upper bool, del bool)(retVal *Tensor) { - retVal, err := ts.LinalgCholesky(del) + retVal, err := ts.LinalgCholesky(upper, del) if err != nil { log.Fatal(err) } return retVal } -func(ts *Tensor) MustLinalgCholeskyEx(checkErrors bool, del bool)(retVal0 *Tensor, retVal1 *Tensor) { +func(ts *Tensor) MustLinalgCholeskyEx(upper bool, checkErrors bool, del bool)(retVal0 *Tensor, retVal1 *Tensor) { - retVal0, retVal1, err := ts.LinalgCholeskyEx(checkErrors, del) + retVal0, retVal1, err := ts.LinalgCholeskyEx(upper, checkErrors, del) if err != nil { log.Fatal(err) } return retVal0, retVal1 } -func(ts *Tensor) MustLinalgCholeskyExL(l *Tensor, info *Tensor, checkErrors bool, del bool)(retVal0 *Tensor, retVal1 *Tensor) { +func(ts *Tensor) MustLinalgCholeskyExL(l *Tensor, info *Tensor, upper bool, checkErrors bool, del bool)(retVal0 *Tensor, retVal1 *Tensor) { - retVal0, retVal1, err := ts.LinalgCholeskyExL(l, info, checkErrors, del) + retVal0, retVal1, err := ts.LinalgCholeskyExL(l, info, upper, checkErrors, del) if err != nil { log.Fatal(err) } return retVal0, retVal1 } -func(ts *Tensor) MustLinalgCholeskyOut(out *Tensor, del bool)(retVal *Tensor) { +func(ts *Tensor) MustLinalgCholeskyOut(out *Tensor, upper bool, del bool)(retVal *Tensor) { - retVal, err := ts.LinalgCholeskyOut(out, del) + retVal, err := ts.LinalgCholeskyOut(out, upper, del) if err != nil { log.Fatal(err) } return retVal @@ -7417,33 +7881,17 @@ func(ts *Tensor) MustLinalgLstsqOut(solution *Tensor, residuals *Tensor, rank *T return retVal0, retVal1, retVal2, retVal3 } -func(ts *Tensor) MustLinalgMatrixNorm(ord *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool)(retVal *Tensor) { +func(ts *Tensor) MustLinalgMatmul(other *Tensor, del bool)(retVal *Tensor) { - retVal, err := ts.LinalgMatrixNorm(ord, dim, keepdim, dtype, del) + retVal, err := ts.LinalgMatmul(other, del) if err != nil { log.Fatal(err) } return retVal } -func(ts *Tensor) MustLinalgMatrixNormOut(out *Tensor, ord *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool)(retVal *Tensor) { +func(ts *Tensor) MustLinalgMatmulOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor) { - retVal, err := ts.LinalgMatrixNormOut(out, ord, dim, keepdim, dtype, del) - if err != nil { log.Fatal(err) } - - return retVal -} - -func(ts *Tensor) MustLinalgMatrixNormStrOrd(ord string, dim []int64, keepdim bool, dtype gotch.DType, del bool)(retVal *Tensor) { - - retVal, err := ts.LinalgMatrixNormStrOrd(ord, dim, keepdim, dtype, del) - if err != nil { log.Fatal(err) } - - return retVal -} - -func(ts *Tensor) MustLinalgMatrixNormStrOrdOut(out *Tensor, ord string, dim []int64, keepdim bool, dtype gotch.DType, del bool)(retVal *Tensor) { - - retVal, err := ts.LinalgMatrixNormStrOrdOut(out, ord, dim, keepdim, dtype, del) + retVal, err := ts.LinalgMatmulOut(out, other, del) if err != nil { log.Fatal(err) } return retVal @@ -7697,6 +8145,14 @@ func MustLinear(input *Tensor, weight *Tensor, bias *Tensor)(retVal *Tensor) { return retVal } +func MustLinearOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor)(retVal *Tensor) { + + retVal, err := LinearOut(out, input, weight, bias) + if err != nil { log.Fatal(err) } + + return retVal +} + func MustLinspace(start *Scalar, end *Scalar, steps []int64, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor) { retVal, err := Linspace(start, end, steps, optionsKind, optionsDevice) @@ -9201,6 +9657,14 @@ func(ts *Tensor) MustMvlgamma_(p int64)() { return } +func(ts *Tensor) MustMvlgammaOut(out *Tensor, p int64, del bool)(retVal *Tensor) { + + retVal, err := ts.MvlgammaOut(out, p, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustNanToNum(nan []float64, posinf []float64, neginf []float64, del bool)(retVal *Tensor) { retVal, err := ts.NanToNum(nan, posinf, neginf, del) @@ -9225,6 +9689,22 @@ func(ts *Tensor) MustNanToNumOut(out *Tensor, nan []float64, posinf []float64, n return retVal } +func(ts *Tensor) MustNanmean(dim []int64, keepdim bool, dtype gotch.DType, del bool)(retVal *Tensor) { + + retVal, err := ts.Nanmean(dim, keepdim, dtype, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustNanmeanOut(out *Tensor, dim []int64, keepdim bool, dtype gotch.DType, del bool)(retVal *Tensor) { + + retVal, err := ts.NanmeanOut(out, dim, keepdim, dtype, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustNanmedian(del bool)(retVal *Tensor) { retVal, err := ts.Nanmedian(del) @@ -9537,6 +10017,14 @@ func(ts *Tensor) MustNewFull(size []int64, fillValue *Scalar, optionsKind gotch. return retVal } +func(ts *Tensor) MustNewOnes(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, del bool)(retVal *Tensor) { + + retVal, err := ts.NewOnes(size, optionsKind, optionsDevice, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustNewZeros(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, del bool)(retVal *Tensor) { retVal, err := ts.NewZeros(size, optionsKind, optionsDevice, del) @@ -9961,9 +10449,9 @@ func(ts *Tensor) MustPermute(dims []int64, del bool)(retVal *Tensor) { return retVal } -func(ts *Tensor) MustPinMemory(del bool)(retVal *Tensor) { +func(ts *Tensor) MustPinMemory(device gotch.Device, del bool)(retVal *Tensor) { - retVal, err := ts.PinMemory(del) + retVal, err := ts.PinMemory(device, del) if err != nil { log.Fatal(err) } return retVal @@ -10057,7 +10545,7 @@ func(ts *Tensor) MustPositive(del bool)(retVal *Tensor) { return retVal } -func(ts *Tensor) MustPow(exponent *Scalar, del bool)(retVal *Tensor) { +func(ts *Tensor) MustPow(exponent *Tensor, del bool)(retVal *Tensor) { retVal, err := ts.Pow(exponent, del) if err != nil { log.Fatal(err) } @@ -10097,17 +10585,17 @@ func(ts *Tensor) MustPowTensor_(exponent *Tensor)() { return } -func(ts *Tensor) MustPowTensorScalarOut(out *Tensor, exponent *Scalar, del bool)(retVal *Tensor) { +func(ts *Tensor) MustPowTensorScalar(exponent *Scalar, del bool)(retVal *Tensor) { - retVal, err := ts.PowTensorScalarOut(out, exponent, del) + retVal, err := ts.PowTensorScalar(exponent, del) if err != nil { log.Fatal(err) } return retVal } -func(ts *Tensor) MustPowTensorTensor(exponent *Tensor, del bool)(retVal *Tensor) { +func(ts *Tensor) MustPowTensorScalarOut(out *Tensor, exponent *Scalar, del bool)(retVal *Tensor) { - retVal, err := ts.PowTensorTensor(exponent, del) + retVal, err := ts.PowTensorScalarOut(out, exponent, del) if err != nil { log.Fatal(err) } return retVal @@ -10313,6 +10801,14 @@ func(ts *Tensor) MustQuantizePerTensor(scale float64, zeroPoint int64, dtype got return retVal } +func(ts *Tensor) MustQuantizePerTensorTensorQparams(scale *Tensor, zeroPoint *Tensor, dtype gotch.DType, del bool)(retVal *Tensor) { + + retVal, err := ts.QuantizePerTensorTensorQparams(scale, zeroPoint, dtype, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func MustQuantizedBatchNorm(input *Tensor, weight *Tensor, bias *Tensor, mean *Tensor, vari *Tensor, eps float64, outputScale float64, outputZeroPoint int64)(retVal *Tensor) { retVal, err := QuantizedBatchNorm(input, weight, bias, mean, vari, eps, outputScale, outputZeroPoint) @@ -10657,6 +11153,38 @@ func(ts *Tensor) MustReflectionPad2dOut(out *Tensor, padding []int64, del bool)( return retVal } +func(ts *Tensor) MustReflectionPad3d(padding []int64, del bool)(retVal *Tensor) { + + retVal, err := ts.ReflectionPad3d(padding, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustReflectionPad3dBackward(gradOutput *Tensor, padding []int64, del bool)(retVal *Tensor) { + + retVal, err := ts.ReflectionPad3dBackward(gradOutput, padding, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustReflectionPad3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool)(retVal *Tensor) { + + retVal, err := ts.ReflectionPad3dBackwardGradInput(gradInput, gradOutput, padding, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustReflectionPad3dOut(out *Tensor, padding []int64, del bool)(retVal *Tensor) { + + retVal, err := ts.ReflectionPad3dOut(out, padding, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustRelu(del bool)(retVal *Tensor) { retVal, err := ts.Relu(del) @@ -10713,6 +11241,14 @@ func(ts *Tensor) MustRemainderScalarOut(out *Tensor, other *Scalar, del bool)(re return retVal } +func MustRemainderScalarTensor(selfScalar *Scalar, other *Tensor)(retVal *Tensor) { + + retVal, err := RemainderScalarTensor(selfScalar, other) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustRemainderTensor(other *Tensor, del bool)(retVal *Tensor) { retVal, err := ts.RemainderTensor(other, del) @@ -10769,25 +11305,25 @@ func(ts *Tensor) MustRepeat(repeats []int64, del bool)(retVal *Tensor) { return retVal } -func MustRepeatInterleave(repeats *Tensor)(retVal *Tensor) { +func MustRepeatInterleave(repeats *Tensor, outputSize []int64)(retVal *Tensor) { - retVal, err := RepeatInterleave(repeats) + retVal, err := RepeatInterleave(repeats, outputSize) if err != nil { log.Fatal(err) } return retVal } -func(ts *Tensor) MustRepeatInterleaveSelfInt(repeats int64, dim []int64, del bool)(retVal *Tensor) { +func(ts *Tensor) MustRepeatInterleaveSelfInt(repeats int64, dim []int64, outputSize []int64, del bool)(retVal *Tensor) { - retVal, err := ts.RepeatInterleaveSelfInt(repeats, dim, del) + retVal, err := ts.RepeatInterleaveSelfInt(repeats, dim, outputSize, del) if err != nil { log.Fatal(err) } return retVal } -func(ts *Tensor) MustRepeatInterleaveSelfTensor(repeats *Tensor, dim []int64, del bool)(retVal *Tensor) { +func(ts *Tensor) MustRepeatInterleaveSelfTensor(repeats *Tensor, dim []int64, outputSize []int64, del bool)(retVal *Tensor) { - retVal, err := ts.RepeatInterleaveSelfTensor(repeats, dim, del) + retVal, err := ts.RepeatInterleaveSelfTensor(repeats, dim, outputSize, del) if err != nil { log.Fatal(err) } return retVal @@ -10937,6 +11473,30 @@ func(ts *Tensor) MustResizeAsSparse_(theTemplate *Tensor)() { return } +func(ts *Tensor) MustResolveConj(del bool)(retVal *Tensor) { + + retVal, err := ts.ResolveConj(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustResolveNeg(del bool)(retVal *Tensor) { + + retVal, err := ts.ResolveNeg(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustRetainsGrad(del bool)(retVal bool) { + + retVal, err := ts.RetainsGrad(del) + if err != nil { log.Fatal(err) } + + return retVal +} + func MustRnnRelu(input *Tensor, hx *Tensor, params []Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool)(retVal0 *Tensor, retVal1 *Tensor) { retVal0, retVal1, err := RnnRelu(input, hx, params, hasBiases, numLayers, dropout, train, bidirectional, batchFirst) @@ -11169,6 +11729,22 @@ func(ts *Tensor) MustScatterAdd_(dim int64, index *Tensor, src *Tensor)() { return } +func(ts *Tensor) MustScatterAddOut(out *Tensor, dim int64, index *Tensor, src *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.ScatterAddOut(out, dim, index, src, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustScatterReduce(dim int64, index *Tensor, src *Tensor, reduce string, del bool)(retVal *Tensor) { + + retVal, err := ts.ScatterReduce(dim, index, src, reduce, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustScatterReduce_(dim int64, index *Tensor, src *Tensor, reduce string)() { err := ts.ScatterReduce_(dim, index, src, reduce) @@ -11177,6 +11753,22 @@ func(ts *Tensor) MustScatterReduce_(dim int64, index *Tensor, src *Tensor, reduc return } +func(ts *Tensor) MustScatterReduceOut(out *Tensor, dim int64, index *Tensor, src *Tensor, reduce string, del bool)(retVal *Tensor) { + + retVal, err := ts.ScatterReduceOut(out, dim, index, src, reduce, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustScatterSrcOut(out *Tensor, dim int64, index *Tensor, src *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.ScatterSrcOut(out, dim, index, src, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustScatterValue(dim int64, index *Tensor, value *Scalar, del bool)(retVal *Tensor) { retVal, err := ts.ScatterValue(dim, index, value, del) @@ -11193,6 +11785,22 @@ func(ts *Tensor) MustScatterValue_(dim int64, index *Tensor, value *Scalar)() { return } +func(ts *Tensor) MustScatterValueOut(out *Tensor, dim int64, index *Tensor, value *Scalar, del bool)(retVal *Tensor) { + + retVal, err := ts.ScatterValueOut(out, dim, index, value, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustScatterValueReduce(dim int64, index *Tensor, value *Scalar, reduce string, del bool)(retVal *Tensor) { + + retVal, err := ts.ScatterValueReduce(dim, index, value, reduce, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustScatterValueReduce_(dim int64, index *Tensor, value *Scalar, reduce string)() { err := ts.ScatterValueReduce_(dim, index, value, reduce) @@ -11201,6 +11809,14 @@ func(ts *Tensor) MustScatterValueReduce_(dim int64, index *Tensor, value *Scalar return } +func(ts *Tensor) MustScatterValueReduceOut(out *Tensor, dim int64, index *Tensor, value *Scalar, reduce string, del bool)(retVal *Tensor) { + + retVal, err := ts.ScatterValueReduceOut(out, dim, index, value, reduce, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustSearchsorted(sortedSequence *Tensor, outInt32 bool, right bool, del bool)(retVal *Tensor) { retVal, err := ts.Searchsorted(sortedSequence, outInt32, right, del) @@ -11233,14 +11849,6 @@ func MustSegmentReduce(data *Tensor, reduce string, lengths *Tensor, indices *Te return retVal } -func MustSegmentReduceBackward(grad *Tensor, output *Tensor, data *Tensor, lengths *Tensor)(retVal *Tensor) { - - retVal, err := SegmentReduceBackward(grad, output, data, lengths) - if err != nil { log.Fatal(err) } - - return retVal -} - func(ts *Tensor) MustSelect(dim int64, index int64, del bool)(retVal *Tensor) { retVal, err := ts.Select(dim, index, del) @@ -11249,9 +11857,9 @@ func(ts *Tensor) MustSelect(dim int64, index int64, del bool)(retVal *Tensor) { return retVal } -func MustSelectBackward(grad *Tensor, inputSizes []int64, dim int64, index int64)(retVal *Tensor) { +func MustSelectBackward(gradOutput *Tensor, inputSizes []int64, dim int64, index int64)(retVal *Tensor) { - retVal, err := SelectBackward(grad, inputSizes, dim, index) + retVal, err := SelectBackward(gradOutput, inputSizes, dim, index) if err != nil { log.Fatal(err) } return retVal @@ -11425,6 +12033,14 @@ func(ts *Tensor) MustSiluBackward(gradOutput *Tensor, del bool)(retVal *Tensor) return retVal } +func(ts *Tensor) MustSiluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SiluBackwardGradInput(gradInput, gradOutput, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustSiluOut(out *Tensor, del bool)(retVal *Tensor) { retVal, err := ts.SiluOut(out, del) @@ -11513,9 +12129,9 @@ func(ts *Tensor) MustSlice(dim int64, start []int64, end []int64, step int64, de return retVal } -func MustSliceBackward(grad *Tensor, inputSizes []int64, dim int64, start int64, end int64, step int64)(retVal *Tensor) { +func MustSliceBackward(gradOutput *Tensor, inputSizes []int64, dim int64, start int64, end int64, step int64)(retVal *Tensor) { - retVal, err := SliceBackward(grad, inputSizes, dim, start, end, step) + retVal, err := SliceBackward(gradOutput, inputSizes, dim, start, end, step) if err != nil { log.Fatal(err) } return retVal @@ -11809,6 +12425,22 @@ func MustSparseCooTensorIndicesSize(indices *Tensor, values *Tensor, size []int6 return retVal } +func MustSparseCsrTensor(crowIndices *Tensor, colIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor) { + + retVal, err := SparseCsrTensor(crowIndices, colIndices, values, optionsKind, optionsDevice) + if err != nil { log.Fatal(err) } + + return retVal +} + +func MustSparseCsrTensorCrowColValueSize(crowIndices *Tensor, colIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor) { + + retVal, err := SparseCsrTensorCrowColValueSize(crowIndices, colIndices, values, size, optionsKind, optionsDevice) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustSparseDim(del bool)(retVal int64) { retVal, err := ts.SparseDim(del) @@ -11841,6 +12473,22 @@ func(ts *Tensor) MustSparseResizeAndClear_(size []int64, sparseDim int64, denseD return } +func(ts *Tensor) MustSpecialDigamma(del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialDigamma(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialDigammaOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialDigammaOut(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustSpecialEntr(del bool)(retVal *Tensor) { retVal, err := ts.SpecialEntr(del) @@ -11889,6 +12537,22 @@ func(ts *Tensor) MustSpecialErfcOut(out *Tensor, del bool)(retVal *Tensor) { return retVal } +func(ts *Tensor) MustSpecialErfcx(del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialErfcx(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialErfcxOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialErfcxOut(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustSpecialErfinv(del bool)(retVal *Tensor) { retVal, err := ts.SpecialErfinv(del) @@ -11953,6 +12617,38 @@ func(ts *Tensor) MustSpecialExpm1Out(out *Tensor, del bool)(retVal *Tensor) { return retVal } +func(ts *Tensor) MustSpecialGammainc(other *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialGammainc(other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialGammaincOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialGammaincOut(out, other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialGammaincc(other *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialGammaincc(other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialGammainccOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialGammainccOut(out, other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustSpecialGammaln(del bool)(retVal *Tensor) { retVal, err := ts.SpecialGammaln(del) @@ -11969,6 +12665,22 @@ func(ts *Tensor) MustSpecialGammalnOut(out *Tensor, del bool)(retVal *Tensor) { return retVal } +func(ts *Tensor) MustSpecialI0(del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialI0(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialI0Out(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialI0Out(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustSpecialI0e(del bool)(retVal *Tensor) { retVal, err := ts.SpecialI0e(del) @@ -11985,6 +12697,62 @@ func(ts *Tensor) MustSpecialI0eOut(out *Tensor, del bool)(retVal *Tensor) { return retVal } +func(ts *Tensor) MustSpecialI1(del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialI1(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialI1Out(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialI1Out(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialI1e(del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialI1e(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialI1eOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialI1eOut(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialLog1p(del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialLog1p(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialLog1pOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialLog1pOut(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialLogSoftmax(dim int64, dtype gotch.DType, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialLogSoftmax(dim, dtype, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustSpecialLogit(eps []float64, del bool)(retVal *Tensor) { retVal, err := ts.SpecialLogit(eps, del) @@ -12001,6 +12769,134 @@ func(ts *Tensor) MustSpecialLogitOut(out *Tensor, eps []float64, del bool)(retVa return retVal } +func(ts *Tensor) MustSpecialLogsumexp(dim []int64, keepdim bool, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialLogsumexp(dim, keepdim, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialLogsumexpOut(out *Tensor, dim []int64, keepdim bool, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialLogsumexpOut(out, dim, keepdim, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialMultigammaln(p int64, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialMultigammaln(p, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialMultigammalnOut(out *Tensor, p int64, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialMultigammalnOut(out, p, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialNdtr(del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialNdtr(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialNdtrOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialNdtrOut(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialNdtri(del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialNdtri(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialNdtriOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialNdtriOut(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialPolygamma(n int64, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialPolygamma(n, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialPolygammaOut(out *Tensor, n int64, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialPolygammaOut(out, n, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialPsi(del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialPsi(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialPsiOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialPsiOut(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialRound(del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialRound(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialRoundOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialRoundOut(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialSinc(del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialSinc(del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialSincOut(out *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialSincOut(out, del) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustSpecialXlog1py(other *Tensor, del bool)(retVal *Tensor) { retVal, err := ts.SpecialXlog1py(other, del) @@ -12049,6 +12945,102 @@ func MustSpecialXlog1pySelfScalarOut(out *Tensor, selfScalar *Scalar, other *Ten return retVal } +func(ts *Tensor) MustSpecialXlogy(other *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialXlogy(other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialXlogyOtherScalar(other *Scalar, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialXlogyOtherScalar(other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialXlogyOtherScalarOut(out *Tensor, other *Scalar, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialXlogyOtherScalarOut(out, other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialXlogyOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialXlogyOut(out, other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func MustSpecialXlogySelfScalar(selfScalar *Scalar, other *Tensor)(retVal *Tensor) { + + retVal, err := SpecialXlogySelfScalar(selfScalar, other) + if err != nil { log.Fatal(err) } + + return retVal +} + +func MustSpecialXlogySelfScalarOut(out *Tensor, selfScalar *Scalar, other *Tensor)(retVal *Tensor) { + + retVal, err := SpecialXlogySelfScalarOut(out, selfScalar, other) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialZeta(other *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialZeta(other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialZetaOtherScalar(other *Scalar, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialZetaOtherScalar(other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialZetaOtherScalarOut(out *Tensor, other *Scalar, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialZetaOtherScalarOut(out, other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func(ts *Tensor) MustSpecialZetaOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor) { + + retVal, err := ts.SpecialZetaOut(out, other, del) + if err != nil { log.Fatal(err) } + + return retVal +} + +func MustSpecialZetaSelfScalar(selfScalar *Scalar, other *Tensor)(retVal *Tensor) { + + retVal, err := SpecialZetaSelfScalar(selfScalar, other) + if err != nil { log.Fatal(err) } + + return retVal +} + +func MustSpecialZetaSelfScalarOut(out *Tensor, selfScalar *Scalar, other *Tensor)(retVal *Tensor) { + + retVal, err := SpecialZetaSelfScalarOut(out, selfScalar, other) + if err != nil { log.Fatal(err) } + + return retVal +} + func(ts *Tensor) MustSqrt(del bool)(retVal *Tensor) { retVal, err := ts.Sqrt(del) @@ -12729,6 +13721,22 @@ func(ts *Tensor) MustTranspose_(dim0 int64, dim1 int64)() { return } +func MustTrapezoid(y *Tensor, dim int64)(retVal *Tensor) { + + retVal, err := Trapezoid(y, dim) + if err != nil { log.Fatal(err) } + + return retVal +} + +func MustTrapezoidX(y *Tensor, x *Tensor, dim int64)(retVal *Tensor) { + + retVal, err := TrapezoidX(y, x, dim) + if err != nil { log.Fatal(err) } + + return retVal +} + func MustTrapz(y *Tensor, x *Tensor, dim int64)(retVal *Tensor) { retVal, err := Trapz(y, x, dim) diff --git a/tensor/tensor-generated.go b/tensor/tensor-generated.go index 22e9308..9aaa494 100644 --- a/tensor/tensor-generated.go +++ b/tensor/tensor-generated.go @@ -356,6 +356,31 @@ func(ts *Tensor) _AddReluOut(out *Tensor, other *Tensor, del bool)(retVal *Tenso return retVal, err } +func(ts *Tensor) _AddReluScalar(other *Scalar, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.Atg_AddReluScalar(ptr, ts.ctensor, other.cscalar) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) _AddReluScalar_(other *Scalar)(err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.Atg_AddReluScalar_(ptr, ts.ctensor, other.cscalar) + if err = TorchErr(); err != nil { + return err + } + ts.ctensor = *ptr + + return err +} + func(ts *Tensor) _Aminmax(del bool)(retVal0 *Tensor, retVal1 *Tensor, err error) { if del { defer ts.MustDrop() } ctensorPtr0 := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -412,36 +437,6 @@ func(ts *Tensor) _BaddbmmMkl_(batch1 *Tensor, batch2 *Tensor)(err error) { return err } -func(ts *Tensor) _Bmm(mat2 *Tensor, deterministic bool, del bool)(retVal *Tensor, err error) { - if del { defer ts.MustDrop() } - ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - - cdeterministic := int32(0) - if deterministic { cdeterministic = int32(1) } - lib.Atg_Bmm(ptr, ts.ctensor, mat2.ctensor, cdeterministic) - if err = TorchErr(); err != nil { - return retVal, err - } - retVal = &Tensor{ctensor: *ptr} - - return retVal, err -} - -func(ts *Tensor) _BmmOut(out *Tensor, mat2 *Tensor, deterministic bool, del bool)(retVal *Tensor, err error) { - if del { defer ts.MustDrop() } - ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - - cdeterministic := int32(0) - if deterministic { cdeterministic = int32(1) } - lib.Atg_BmmOut(ptr, out.ctensor, ts.ctensor, mat2.ctensor, cdeterministic) - if err = TorchErr(); err != nil { - return retVal, err - } - retVal = &Tensor{ctensor: *ptr} - - return retVal, err -} - func(ts *Tensor) _CastByte(nonBlocking bool, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -681,6 +676,90 @@ func(ts *Tensor) _Conj(del bool)(retVal *Tensor, err error) { return retVal, err } +func(ts *Tensor) _ConjPhysical(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.Atg_ConjPhysical(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) _ConvDepthwise2d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.Atg_ConvDepthwise2d(ptr, ts.ctensor, weight.ctensor, kernelSize, len(kernelSize), bias.ctensor, stride, len(stride), padding, len(padding), dilation, len(dilation)) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) _ConvDepthwise2dBackward(gradInput *Tensor, gradWeight *Tensor, gradOutput *Tensor, weight *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, del bool)(retVal0 *Tensor, retVal1 *Tensor, err error) { + if del { defer ts.MustDrop() } + ctensorPtr0 := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + ctensorPtr1 := (*lib.Ctensor)(unsafe.Pointer(uintptr(unsafe.Pointer(ctensorPtr0)) + unsafe.Sizeof(ctensorPtr0))) + + lib.Atg_ConvDepthwise2dBackward(ctensorPtr0, gradInput.ctensor, gradWeight.ctensor, gradOutput.ctensor, ts.ctensor, weight.ctensor, kernelSize, len(kernelSize), stride, len(stride), padding, len(padding), dilation, len(dilation)) + if err = TorchErr(); err != nil { + return retVal0, retVal1, err + } + retVal0 = &Tensor{ctensor: *ctensorPtr0} + retVal1 = &Tensor{ctensor: *ctensorPtr1} + + return retVal0, retVal1, err +} + +func(ts *Tensor) _ConvDepthwise2dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.Atg_ConvDepthwise2dOut(ptr, out.ctensor, ts.ctensor, weight.ctensor, kernelSize, len(kernelSize), bias.ctensor, stride, len(stride), padding, len(padding), dilation, len(dilation)) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) _ConvertIndicesFromCooToCsr(size int64, outInt32 bool, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + coutInt32 := int32(0) + if outInt32 { coutInt32 = int32(1) } + lib.Atg_ConvertIndicesFromCooToCsr(ptr, ts.ctensor, size, coutInt32) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) _ConvertIndicesFromCooToCsrOut(out *Tensor, size int64, outInt32 bool, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + coutInt32 := int32(0) + if outInt32 { coutInt32 = int32(1) } + lib.Atg_ConvertIndicesFromCooToCsrOut(ptr, out.ctensor, ts.ctensor, size, coutInt32) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func _Convolution(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, transposed bool, outputPadding []int64, groups int64, benchmark bool, deterministic bool, cudnnEnabled bool, allowTf32 bool)(retVal *Tensor, err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -764,6 +843,19 @@ func(ts *Tensor) _CopyFrom(dst *Tensor, nonBlocking bool, del bool)(retVal *Tens return retVal, err } +func(ts *Tensor) _CopyFromAndResize(dst *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.Atg_CopyFromAndResize(ptr, ts.ctensor, dst.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func _CtcLoss(logProbs *Tensor, targets *Tensor, inputLengths []int64, targetLengths []int64, blank int64, zeroInfinity bool)(retVal0 *Tensor, retVal1 *Tensor, err error) { ctensorPtr0 := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) ctensorPtr1 := (*lib.Ctensor)(unsafe.Pointer(uintptr(unsafe.Pointer(ctensorPtr0)) + unsafe.Sizeof(ctensorPtr0))) @@ -890,58 +982,6 @@ func _CufftGetPlanCacheSize(deviceIndex int64)(retVal int64, err error) { return retVal, err } -func(ts *Tensor) _Cumprod(dim int64, del bool)(retVal *Tensor, err error) { - if del { defer ts.MustDrop() } - ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - - lib.Atg_Cumprod(ptr, ts.ctensor, dim) - if err = TorchErr(); err != nil { - return retVal, err - } - retVal = &Tensor{ctensor: *ptr} - - return retVal, err -} - -func(ts *Tensor) _CumprodOut(out *Tensor, dim int64, del bool)(retVal *Tensor, err error) { - if del { defer ts.MustDrop() } - ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - - lib.Atg_CumprodOut(ptr, out.ctensor, ts.ctensor, dim) - if err = TorchErr(); err != nil { - return retVal, err - } - retVal = &Tensor{ctensor: *ptr} - - return retVal, err -} - -func(ts *Tensor) _Cumsum(dim int64, del bool)(retVal *Tensor, err error) { - if del { defer ts.MustDrop() } - ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - - lib.Atg_Cumsum(ptr, ts.ctensor, dim) - if err = TorchErr(); err != nil { - return retVal, err - } - retVal = &Tensor{ctensor: *ptr} - - return retVal, err -} - -func(ts *Tensor) _CumsumOut(out *Tensor, dim int64, del bool)(retVal *Tensor, err error) { - if del { defer ts.MustDrop() } - ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - - lib.Atg_CumsumOut(ptr, out.ctensor, ts.ctensor, dim) - if err = TorchErr(); err != nil { - return retVal, err - } - retVal = &Tensor{ctensor: *ptr} - - return retVal, err -} - func(ts *Tensor) _DebugHasInternalOverlap(del bool)(retVal int64, err error) { if del { defer ts.MustDrop() } @@ -952,6 +992,36 @@ func(ts *Tensor) _DebugHasInternalOverlap(del bool)(retVal int64, err error) { return retVal, err } +func(ts *Tensor) _DetLuBasedHelper(del bool)(retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error) { + if del { defer ts.MustDrop() } + ctensorPtr0 := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + ctensorPtr1 := (*lib.Ctensor)(unsafe.Pointer(uintptr(unsafe.Pointer(ctensorPtr0)) + unsafe.Sizeof(ctensorPtr0))) + ctensorPtr2 := (*lib.Ctensor)(unsafe.Pointer(uintptr(unsafe.Pointer(ctensorPtr1)) + unsafe.Sizeof(ctensorPtr0))) + + lib.Atg_DetLuBasedHelper(ctensorPtr0, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal0, retVal1, retVal2, err + } + retVal0 = &Tensor{ctensor: *ctensorPtr0} + retVal1 = &Tensor{ctensor: *ctensorPtr1} + retVal2 = &Tensor{ctensor: *ctensorPtr2} + + return retVal0, retVal1, retVal2, err +} + +func(ts *Tensor) _DetLuBasedHelperBackwardHelper(detGrad *Tensor, det *Tensor, lu *Tensor, pivs *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.Atg_DetLuBasedHelperBackwardHelper(ptr, detGrad.ctensor, det.ctensor, ts.ctensor, lu.ctensor, pivs.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func _DimArange(like *Tensor, dim int64)(retVal *Tensor, err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -1196,6 +1266,21 @@ func(ts *Tensor) _FakeQuantizeLearnablePerTensorAffineBackward(grad *Tensor, sca return retVal0, retVal1, retVal2, err } +func(ts *Tensor) _FakeQuantizePerTensorAffineCachemaskTensorQparams(scale *Tensor, zeroPoint *Tensor, fakeQuantEnabled *Tensor, quantMin int64, quantMax int64, del bool)(retVal0 *Tensor, retVal1 *Tensor, err error) { + if del { defer ts.MustDrop() } + ctensorPtr0 := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + ctensorPtr1 := (*lib.Ctensor)(unsafe.Pointer(uintptr(unsafe.Pointer(ctensorPtr0)) + unsafe.Sizeof(ctensorPtr0))) + + lib.Atg_FakeQuantizePerTensorAffineCachemaskTensorQparams(ctensorPtr0, ts.ctensor, scale.ctensor, zeroPoint.ctensor, fakeQuantEnabled.ctensor, quantMin, quantMax) + if err = TorchErr(); err != nil { + return retVal0, retVal1, err + } + retVal0 = &Tensor{ctensor: *ctensorPtr0} + retVal1 = &Tensor{ctensor: *ctensorPtr1} + + return retVal0, retVal1, err +} + func(ts *Tensor) _FftC2c(dim []int64, normalization int64, forward bool, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -1297,6 +1382,25 @@ func(ts *Tensor) _FusedDropout(p float64, del bool)(retVal0 *Tensor, retVal1 *Te return retVal0, retVal1, err } +func(ts *Tensor) _FusedMovingAvgObsFqHelper(observerOn *Tensor, fakeQuantOn *Tensor, runningMin *Tensor, runningMax *Tensor, scale *Tensor, zeroPoint *Tensor, averagingConst float64, quantMin int64, quantMax int64, chAxis int64, perRowFakeQuant bool, symmetricQuant bool, del bool)(retVal0 *Tensor, retVal1 *Tensor, err error) { + if del { defer ts.MustDrop() } + ctensorPtr0 := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + ctensorPtr1 := (*lib.Ctensor)(unsafe.Pointer(uintptr(unsafe.Pointer(ctensorPtr0)) + unsafe.Sizeof(ctensorPtr0))) + + cperRowFakeQuant := int32(0) + if perRowFakeQuant { cperRowFakeQuant = int32(1) } +csymmetricQuant := int32(0) + if symmetricQuant { csymmetricQuant = int32(1) } + lib.Atg_FusedMovingAvgObsFqHelper(ctensorPtr0, ts.ctensor, observerOn.ctensor, fakeQuantOn.ctensor, runningMin.ctensor, runningMax.ctensor, scale.ctensor, zeroPoint.ctensor, averagingConst, quantMin, quantMax, chAxis, cperRowFakeQuant, csymmetricQuant) + if err = TorchErr(); err != nil { + return retVal0, retVal1, err + } + retVal0 = &Tensor{ctensor: *ctensorPtr0} + retVal1 = &Tensor{ctensor: *ctensorPtr1} + + return retVal0, retVal1, err +} + func(ts *Tensor) _FwPrimal(level int64, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -1428,18 +1532,6 @@ func(ts *Tensor) _LinalgQrHelper(mode string, del bool)(retVal0 *Tensor, retVal1 return retVal0, retVal1, err } -func(ts *Tensor) _LinalgSolveOutHelper_(other *Tensor, infos *Tensor)(err error) { - ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - - lib.Atg_LinalgSolveOutHelper_(ptr, ts.ctensor, other.ctensor, infos.ctensor) - if err = TorchErr(); err != nil { - return err - } - ts.ctensor = *ptr - - return err -} - func(ts *Tensor) _LogSoftmax(dim int64, halfToFloat bool, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -1468,6 +1560,34 @@ func(ts *Tensor) _LogSoftmaxBackwardData(gradOutput *Tensor, output *Tensor, dim return retVal, err } +func(ts *Tensor) _LogSoftmaxBackwardDataOut(out *Tensor, gradOutput *Tensor, output *Tensor, dim int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.Atg_LogSoftmaxBackwardDataOut(ptr, out.ctensor, gradOutput.ctensor, output.ctensor, dim, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) _LogSoftmaxOut(out *Tensor, dim int64, halfToFloat bool, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + chalfToFloat := int32(0) + if halfToFloat { chalfToFloat = int32(1) } + lib.Atg_LogSoftmaxOut(ptr, out.ctensor, ts.ctensor, dim, chalfToFloat) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) _Logcumsumexp(dim int64, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -1604,6 +1724,19 @@ func(ts *Tensor) _MkldnnTranspose_(dim0 int64, dim1 int64)(err error) { return err } +func(ts *Tensor) _NegView(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.Atg_NegView(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func _NnpackAvailable()(retVal bool, err error) { retVal = lib.Atg_NnpackAvailable() @@ -1718,6 +1851,19 @@ func(ts *Tensor) _PdistBackward(grad *Tensor, p float64, pdist *Tensor, del bool return retVal, err } +func(ts *Tensor) _PinMemory(device gotch.Device, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.Atg_PinMemory(ptr, ts.ctensor, device.CInt()) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) _RemoveBatchDim(level int64, batchSize int64, outDim int64, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -1731,6 +1877,19 @@ func(ts *Tensor) _RemoveBatchDim(level int64, batchSize int64, outDim int64, del return retVal, err } +func(ts *Tensor) _ReshapeAlias(size []int64, stride []int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.Atg_ReshapeAlias(ptr, ts.ctensor, size, len(size), stride, len(stride)) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) _ReshapeFromTensor(shape *Tensor, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -1796,6 +1955,18 @@ func _SaturateWeightToFp16(weight *Tensor)(retVal *Tensor, err error) { return retVal, err } +func _SegmentReduceBackward(grad *Tensor, output *Tensor, data *Tensor, reduce string, lengths *Tensor, axis int64)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.Atg_SegmentReduceBackward(ptr, grad.ctensor, output.ctensor, data.ctensor, reduce, lengths.ctensor, axis) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) _ShapeAsTensor(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -1887,6 +2058,34 @@ func(ts *Tensor) _SoftmaxBackwardData(gradOutput *Tensor, output *Tensor, dim in return retVal, err } +func(ts *Tensor) _SoftmaxBackwardDataOut(gradInput *Tensor, gradOutput *Tensor, output *Tensor, dim int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.Atg_SoftmaxBackwardDataOut(ptr, gradInput.ctensor, gradOutput.ctensor, output.ctensor, dim, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) _SoftmaxOut(out *Tensor, dim int64, halfToFloat bool, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + chalfToFloat := int32(0) + if halfToFloat { chalfToFloat = int32(1) } + lib.Atg_SoftmaxOut(ptr, out.ctensor, ts.ctensor, dim, chalfToFloat) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) _SolveHelper(a *Tensor, del bool)(retVal0 *Tensor, retVal1 *Tensor, err error) { if del { defer ts.MustDrop() } ctensorPtr0 := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -1951,22 +2150,10 @@ func _SparseCooTensorWithDimsAndTensors(sparseDim int64, denseDim int64, size [] return retVal, err } -func _SparseCsrTensor(crowIndices *Tensor, colIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor, err error) { +func _SparseCsrTensorUnsafe(crowIndices *Tensor, colIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor, err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.Atg_SparseCsrTensor(ptr, crowIndices.ctensor, colIndices.ctensor, values.ctensor, optionsKind.CInt(), optionsDevice.CInt()) - if err = TorchErr(); err != nil { - return retVal, err - } - retVal = &Tensor{ctensor: *ptr} - - return retVal, err -} - -func _SparseCsrTensorCrowColValueSize(crowIndices *Tensor, colIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor, err error) { - ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - - lib.Atg_SparseCsrTensorCrowColValueSize(ptr, crowIndices.ctensor, colIndices.ctensor, values.ctensor, size, len(size), optionsKind.CInt(), optionsDevice.CInt()) + lib.Atg_SparseCsrTensorUnsafe(ptr, crowIndices.ctensor, colIndices.ctensor, values.ctensor, size, len(size), optionsKind.CInt(), optionsDevice.CInt()) if err = TorchErr(); err != nil { return retVal, err } @@ -2326,6 +2513,21 @@ func _TestStringDefault(dummy *Tensor, a string, b string)(retVal *Tensor, err e return retVal, err } +func(ts *Tensor) _ToCopy(optionsKind gotch.DType, optionsDevice gotch.Device, nonBlocking bool, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + cnonBlocking := int32(0) + if nonBlocking { cnonBlocking = int32(1) } + lib.Atg_ToCopy(ptr, ts.ctensor, optionsKind.CInt(), optionsDevice.CInt(), cnonBlocking) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func _Trilinear(i1 *Tensor, i2 *Tensor, i3 *Tensor, expand1 []int64, expand2 []int64, expand3 []int64, sumdim []int64, unrollDim int64)(retVal *Tensor, err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -3217,6 +3419,19 @@ func(ts *Tensor) All(del bool)(retVal *Tensor, err error) { return retVal, err } +func(ts *Tensor) AllAllOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgAllAllOut(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) AllDim(dim int64, keepdim bool, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -3347,6 +3562,52 @@ func(ts *Tensor) AminOut(out *Tensor, dim []int64, keepdim bool, del bool)(retVa return retVal, err } +func(ts *Tensor) Aminmax(dim []int64, keepdim bool, del bool)(retVal0 *Tensor, retVal1 *Tensor, err error) { + if del { defer ts.MustDrop() } + ctensorPtr0 := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + ctensorPtr1 := (*lib.Ctensor)(unsafe.Pointer(uintptr(unsafe.Pointer(ctensorPtr0)) + unsafe.Sizeof(ctensorPtr0))) + + var cdimVal int64 = 0 + var cdimNull int = 1 + if len(dim) > 0 { + cdimVal = dim[0] + cdimNull = 0 + } +ckeepdim := int32(0) + if keepdim { ckeepdim = int32(1) } + lib.AtgAminmax(ctensorPtr0, ts.ctensor, cdimVal, cdimNull, ckeepdim) + if err = TorchErr(); err != nil { + return retVal0, retVal1, err + } + retVal0 = &Tensor{ctensor: *ctensorPtr0} + retVal1 = &Tensor{ctensor: *ctensorPtr1} + + return retVal0, retVal1, err +} + +func(ts *Tensor) AminmaxOut(min *Tensor, max *Tensor, dim []int64, keepdim bool, del bool)(retVal0 *Tensor, retVal1 *Tensor, err error) { + if del { defer ts.MustDrop() } + ctensorPtr0 := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + ctensorPtr1 := (*lib.Ctensor)(unsafe.Pointer(uintptr(unsafe.Pointer(ctensorPtr0)) + unsafe.Sizeof(ctensorPtr0))) + + var cdimVal int64 = 0 + var cdimNull int = 1 + if len(dim) > 0 { + cdimVal = dim[0] + cdimNull = 0 + } +ckeepdim := int32(0) + if keepdim { ckeepdim = int32(1) } + lib.AtgAminmaxOut(ctensorPtr0, min.ctensor, max.ctensor, ts.ctensor, cdimVal, cdimNull, ckeepdim) + if err = TorchErr(); err != nil { + return retVal0, retVal1, err + } + retVal0 = &Tensor{ctensor: *ctensorPtr0} + retVal1 = &Tensor{ctensor: *ctensorPtr1} + + return retVal0, retVal1, err +} + func(ts *Tensor) Angle(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -3386,6 +3647,19 @@ func(ts *Tensor) Any(del bool)(retVal *Tensor, err error) { return retVal, err } +func(ts *Tensor) AnyAllOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgAnyAllOut(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) AnyDim(dim int64, keepdim bool, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -4720,6 +4994,94 @@ func(ts *Tensor) BitwiseAndTensorOut(out *Tensor, other *Tensor, del bool)(retVa return retVal, err } +func(ts *Tensor) BitwiseLeftShift(other *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseLeftShift(ptr, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) BitwiseLeftShift_(other *Tensor)(err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseLeftShift_(ptr, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return err + } + ts.ctensor = *ptr + + return err +} + +func BitwiseLeftShiftScalarTensor(selfScalar *Scalar, other *Tensor)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseLeftShiftScalarTensor(ptr, selfScalar.cscalar, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) BitwiseLeftShiftTensorOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseLeftShiftTensorOut(ptr, out.ctensor, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) BitwiseLeftShiftTensorScalar(other *Scalar, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseLeftShiftTensorScalar(ptr, ts.ctensor, other.cscalar) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) BitwiseLeftShiftTensorScalar_(other *Scalar)(err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseLeftShiftTensorScalar_(ptr, ts.ctensor, other.cscalar) + if err = TorchErr(); err != nil { + return err + } + ts.ctensor = *ptr + + return err +} + +func(ts *Tensor) BitwiseLeftShiftTensorScalarOut(out *Tensor, other *Scalar, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseLeftShiftTensorScalarOut(ptr, out.ctensor, ts.ctensor, other.cscalar) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) BitwiseNot(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -4834,6 +5196,94 @@ func(ts *Tensor) BitwiseOrTensorOut(out *Tensor, other *Tensor, del bool)(retVal return retVal, err } +func(ts *Tensor) BitwiseRightShift(other *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseRightShift(ptr, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) BitwiseRightShift_(other *Tensor)(err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseRightShift_(ptr, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return err + } + ts.ctensor = *ptr + + return err +} + +func BitwiseRightShiftScalarTensor(selfScalar *Scalar, other *Tensor)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseRightShiftScalarTensor(ptr, selfScalar.cscalar, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) BitwiseRightShiftTensorOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseRightShiftTensorOut(ptr, out.ctensor, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) BitwiseRightShiftTensorScalar(other *Scalar, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseRightShiftTensorScalar(ptr, ts.ctensor, other.cscalar) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) BitwiseRightShiftTensorScalar_(other *Scalar)(err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseRightShiftTensorScalar_(ptr, ts.ctensor, other.cscalar) + if err = TorchErr(); err != nil { + return err + } + ts.ctensor = *ptr + + return err +} + +func(ts *Tensor) BitwiseRightShiftTensorScalarOut(out *Tensor, other *Scalar, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgBitwiseRightShiftTensorScalarOut(ptr, out.ctensor, ts.ctensor, other.cscalar) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) BitwiseXor(other *Scalar, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -5775,6 +6225,34 @@ func ComplexOut(out *Tensor, real *Tensor, imag *Tensor)(retVal *Tensor, err err return retVal, err } +func Concat(tensors []Tensor, dim int64)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + var ctensors []lib.Ctensor + for _, t := range tensors {ctensors = append(ctensors, t.ctensor)} + lib.AtgConcat(ptr, ctensors, len(ctensors), dim) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func ConcatOut(out *Tensor, tensors []Tensor, dim int64)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + var ctensors []lib.Ctensor + for _, t := range tensors {ctensors = append(ctensors, t.ctensor)} + lib.AtgConcatOut(ptr, out.ctensor, ctensors, len(ctensors), dim) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) Conj(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -5788,11 +6266,36 @@ func(ts *Tensor) Conj(del bool)(retVal *Tensor, err error) { return retVal, err } -func(ts *Tensor) ConjOut(out *Tensor, del bool)(retVal *Tensor, err error) { +func(ts *Tensor) ConjPhysical(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.AtgConjOut(ptr, out.ctensor, ts.ctensor) + lib.AtgConjPhysical(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) ConjPhysical_()(err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgConjPhysical_(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return err + } + ts.ctensor = *ptr + + return err +} + +func(ts *Tensor) ConjPhysicalOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgConjPhysicalOut(ptr, out.ctensor, ts.ctensor) if err = TorchErr(); err != nil { return retVal, err } @@ -6113,6 +6616,19 @@ func(ts *Tensor) CopysignScalarOut(out *Tensor, other *Scalar, del bool)(retVal return retVal, err } +func(ts *Tensor) Corrcoef(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgCorrcoef(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) Cos(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -6245,6 +6761,19 @@ func(ts *Tensor) CountNonzeroDimIntlist(dim []int64, del bool)(retVal *Tensor, e return retVal, err } +func(ts *Tensor) Cov(correction int64, fweights *Tensor, aweights *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgCov(ptr, ts.ctensor, correction, fweights.ctensor, aweights.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) Cross(other *Tensor, dim []int64, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -6264,11 +6793,11 @@ func(ts *Tensor) Cross(other *Tensor, dim []int64, del bool)(retVal *Tensor, err return retVal, err } -func(ts *Tensor) CrossEntropyLoss(target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, del bool)(retVal *Tensor, err error) { +func(ts *Tensor) CrossEntropyLoss(target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, labelSmoothing float64, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.AtgCrossEntropyLoss(ptr, ts.ctensor, target.ctensor, weight.ctensor, reduction, ignoreIndex) + lib.AtgCrossEntropyLoss(ptr, ts.ctensor, target.ctensor, weight.ctensor, reduction, ignoreIndex, labelSmoothing) if err = TorchErr(); err != nil { return retVal, err } @@ -6801,6 +7330,30 @@ func(ts *Tensor) CumsumOut(out *Tensor, dim int64, dtype gotch.DType, del bool)( return retVal, err } +func CumulativeTrapezoid(y *Tensor, dim int64)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgCumulativeTrapezoid(ptr, y.ctensor, dim) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func CumulativeTrapezoidX(y *Tensor, x *Tensor, dim int64)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgCumulativeTrapezoidX(ptr, y.ctensor, x.ctensor, dim) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) Data(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -6990,10 +7543,10 @@ func(ts *Tensor) Diagonal(offset int64, dim1 int64, dim2 int64, del bool)(retVal return retVal, err } -func DiagonalBackward(grad *Tensor, inputSizes []int64, offset int64, dim1 int64, dim2 int64)(retVal *Tensor, err error) { +func DiagonalBackward(gradOutput *Tensor, inputSizes []int64, offset int64, dim1 int64, dim2 int64)(retVal *Tensor, err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.AtgDiagonalBackward(ptr, grad.ctensor, inputSizes, len(inputSizes), offset, dim1, dim2) + lib.AtgDiagonalBackward(ptr, gradOutput.ctensor, inputSizes, len(inputSizes), offset, dim1, dim2) if err = TorchErr(); err != nil { return retVal, err } @@ -7500,6 +8053,20 @@ func EluBackward(gradOutput *Tensor, alpha *Scalar, scale *Scalar, inputScale *S return retVal, err } +func EluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, alpha *Scalar, scale *Scalar, inputScale *Scalar, isResult bool, selfOrResult *Tensor)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + cisResult := int32(0) + if isResult { cisResult = int32(1) } + lib.AtgEluBackwardGradInput(ptr, gradInput.ctensor, gradOutput.ctensor, alpha.cscalar, scale.cscalar, inputScale.cscalar, cisResult, selfOrResult.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) EluOut(out *Tensor, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -7676,10 +8243,10 @@ func EmptyOut(out *Tensor, size []int64)(retVal *Tensor, err error) { return retVal, err } -func EmptyQuantized(size []int64, qtensor *Tensor)(retVal *Tensor, err error) { +func EmptyQuantized(size []int64, qtensor *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor, err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.AtgEmptyQuantized(ptr, size, len(size), qtensor.ctensor) + lib.AtgEmptyQuantized(ptr, size, len(size), qtensor.ctensor, optionsKind.CInt(), optionsDevice.CInt()) if err = TorchErr(); err != nil { return retVal, err } @@ -8182,6 +8749,19 @@ func FakeQuantizePerTensorAffineCachemaskBackward(grad *Tensor, mask *Tensor)(re return retVal, err } +func(ts *Tensor) FakeQuantizePerTensorAffineTensorQparams(scale *Tensor, zeroPoint *Tensor, quantMin int64, quantMax int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgFakeQuantizePerTensorAffineTensorQparams(ptr, ts.ctensor, scale.ctensor, zeroPoint.ctensor, quantMin, quantMax) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func FbgemmLinearFp16Weight(input *Tensor, packedWeight *Tensor, bias *Tensor)(retVal *Tensor, err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -9583,6 +10163,23 @@ func FullOut(out *Tensor, size []int64, fillValue *Scalar)(retVal *Tensor, err e return retVal, err } +func(ts *Tensor) FusedMovingAvgObsFakeQuant(observerOn *Tensor, fakeQuantOn *Tensor, runningMin *Tensor, runningMax *Tensor, scale *Tensor, zeroPoint *Tensor, averagingConst float64, quantMin int64, quantMax int64, chAxis int64, perRowFakeQuant bool, symmetricQuant bool, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + cperRowFakeQuant := int32(0) + if perRowFakeQuant { cperRowFakeQuant = int32(1) } +csymmetricQuant := int32(0) + if symmetricQuant { csymmetricQuant = int32(1) } + lib.AtgFusedMovingAvgObsFakeQuant(ptr, ts.ctensor, observerOn.ctensor, fakeQuantOn.ctensor, runningMin.ctensor, runningMax.ctensor, scale.ctensor, zeroPoint.ctensor, averagingConst, quantMin, quantMax, chAxis, cperRowFakeQuant, csymmetricQuant) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) Gather(dim int64, index *Tensor, sparseGrad bool, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -9768,6 +10365,32 @@ func(ts *Tensor) GeluBackward(grad *Tensor, del bool)(retVal *Tensor, err error) return retVal, err } +func(ts *Tensor) GeluBackwardGradInput(gradInput *Tensor, grad *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgGeluBackwardGradInput(ptr, gradInput.ctensor, grad.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) GeluOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgGeluOut(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) Geometric_(p float64)(err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -10381,6 +11004,32 @@ func(ts *Tensor) HardshrinkBackward(gradOut *Tensor, lambd *Scalar, del bool)(re return retVal, err } +func(ts *Tensor) HardshrinkBackwardGradInput(gradInput *Tensor, gradOut *Tensor, lambd *Scalar, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgHardshrinkBackwardGradInput(ptr, gradInput.ctensor, gradOut.ctensor, ts.ctensor, lambd.cscalar) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) HardshrinkOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgHardshrinkOut(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) Hardsigmoid(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -10419,6 +11068,19 @@ func(ts *Tensor) HardsigmoidBackward(gradOutput *Tensor, del bool)(retVal *Tenso return retVal, err } +func(ts *Tensor) HardsigmoidBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgHardsigmoidBackwardGradInput(ptr, gradInput.ctensor, gradOutput.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) HardsigmoidOut(out *Tensor, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -11233,6 +11895,16 @@ func(ts *Tensor) IsComplex(del bool)(retVal bool, err error) { return retVal, err } +func(ts *Tensor) IsConj(del bool)(retVal bool, err error) { + if del { defer ts.MustDrop() } + + retVal = lib.AtgIsConj(ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + return retVal, err +} + func(ts *Tensor) IsDistributed(del bool)(retVal bool, err error) { if del { defer ts.MustDrop() } @@ -11253,6 +11925,16 @@ func(ts *Tensor) IsFloatingPoint(del bool)(retVal bool, err error) { return retVal, err } +func(ts *Tensor) IsInference(del bool)(retVal bool, err error) { + if del { defer ts.MustDrop() } + + retVal = lib.AtgIsInference(ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + return retVal, err +} + func(ts *Tensor) IsLeaf(del bool)(retVal bool, err error) { if del { defer ts.MustDrop() } @@ -11263,6 +11945,16 @@ func(ts *Tensor) IsLeaf(del bool)(retVal bool, err error) { return retVal, err } +func(ts *Tensor) IsNeg(del bool)(retVal bool, err error) { + if del { defer ts.MustDrop() } + + retVal = lib.AtgIsNeg(ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + return retVal, err +} + func(ts *Tensor) IsNonzero(del bool)(retVal bool, err error) { if del { defer ts.MustDrop() } @@ -11273,10 +11965,10 @@ func(ts *Tensor) IsNonzero(del bool)(retVal bool, err error) { return retVal, err } -func(ts *Tensor) IsPinned(del bool)(retVal bool, err error) { +func(ts *Tensor) IsPinned(device gotch.Device, del bool)(retVal bool, err error) { if del { defer ts.MustDrop() } - retVal = lib.AtgIsPinned(ts.ctensor) + retVal = lib.AtgIsPinned(ts.ctensor, device.CInt()) if err = TorchErr(); err != nil { return retVal, err } @@ -11350,6 +12042,102 @@ func(ts *Tensor) Isfinite(del bool)(retVal *Tensor, err error) { return retVal, err } +func Isin(elements *Tensor, testElements *Tensor, assumeUnique bool, invert bool)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + cassumeUnique := int32(0) + if assumeUnique { cassumeUnique = int32(1) } +cinvert := int32(0) + if invert { cinvert = int32(1) } + lib.AtgIsin(ptr, elements.ctensor, testElements.ctensor, cassumeUnique, cinvert) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func IsinScalarTensor(element *Scalar, testElements *Tensor, assumeUnique bool, invert bool)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + cassumeUnique := int32(0) + if assumeUnique { cassumeUnique = int32(1) } +cinvert := int32(0) + if invert { cinvert = int32(1) } + lib.AtgIsinScalarTensor(ptr, element.cscalar, testElements.ctensor, cassumeUnique, cinvert) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func IsinScalarTensorOut(out *Tensor, element *Scalar, testElements *Tensor, assumeUnique bool, invert bool)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + cassumeUnique := int32(0) + if assumeUnique { cassumeUnique = int32(1) } +cinvert := int32(0) + if invert { cinvert = int32(1) } + lib.AtgIsinScalarTensorOut(ptr, out.ctensor, element.cscalar, testElements.ctensor, cassumeUnique, cinvert) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func IsinTensorScalar(elements *Tensor, testElement *Scalar, assumeUnique bool, invert bool)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + cassumeUnique := int32(0) + if assumeUnique { cassumeUnique = int32(1) } +cinvert := int32(0) + if invert { cinvert = int32(1) } + lib.AtgIsinTensorScalar(ptr, elements.ctensor, testElement.cscalar, cassumeUnique, cinvert) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func IsinTensorScalarOut(out *Tensor, elements *Tensor, testElement *Scalar, assumeUnique bool, invert bool)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + cassumeUnique := int32(0) + if assumeUnique { cassumeUnique = int32(1) } +cinvert := int32(0) + if invert { cinvert = int32(1) } + lib.AtgIsinTensorScalarOut(ptr, out.ctensor, elements.ctensor, testElement.cscalar, cassumeUnique, cinvert) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func IsinTensorTensorOut(out *Tensor, elements *Tensor, testElements *Tensor, assumeUnique bool, invert bool)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + cassumeUnique := int32(0) + if assumeUnique { cassumeUnique = int32(1) } +cinvert := int32(0) + if invert { cinvert = int32(1) } + lib.AtgIsinTensorTensorOut(ptr, out.ctensor, elements.ctensor, testElements.ctensor, cassumeUnique, cinvert) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) Isinf(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -11868,6 +12656,21 @@ func(ts *Tensor) LeakyReluBackward(gradOutput *Tensor, negativeSlope *Scalar, se return retVal, err } +func(ts *Tensor) LeakyReluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, negativeSlope *Scalar, selfIsResult bool, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + cselfIsResult := int32(0) + if selfIsResult { cselfIsResult = int32(1) } + lib.AtgLeakyReluBackwardGradInput(ptr, gradInput.ctensor, gradOutput.ctensor, ts.ctensor, negativeSlope.cscalar, cselfIsResult) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) LeakyReluOut(out *Tensor, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -12147,11 +12950,13 @@ func(ts *Tensor) LgammaOut(out *Tensor, del bool)(retVal *Tensor, err error) { return retVal, err } -func(ts *Tensor) LinalgCholesky(del bool)(retVal *Tensor, err error) { +func(ts *Tensor) LinalgCholesky(upper bool, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.AtgLinalgCholesky(ptr, ts.ctensor) + cupper := int32(0) + if upper { cupper = int32(1) } + lib.AtgLinalgCholesky(ptr, ts.ctensor, cupper) if err = TorchErr(); err != nil { return retVal, err } @@ -12160,14 +12965,16 @@ func(ts *Tensor) LinalgCholesky(del bool)(retVal *Tensor, err error) { return retVal, err } -func(ts *Tensor) LinalgCholeskyEx(checkErrors bool, del bool)(retVal0 *Tensor, retVal1 *Tensor, err error) { +func(ts *Tensor) LinalgCholeskyEx(upper bool, checkErrors bool, del bool)(retVal0 *Tensor, retVal1 *Tensor, err error) { if del { defer ts.MustDrop() } ctensorPtr0 := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) ctensorPtr1 := (*lib.Ctensor)(unsafe.Pointer(uintptr(unsafe.Pointer(ctensorPtr0)) + unsafe.Sizeof(ctensorPtr0))) - ccheckErrors := int32(0) + cupper := int32(0) + if upper { cupper = int32(1) } +ccheckErrors := int32(0) if checkErrors { ccheckErrors = int32(1) } - lib.AtgLinalgCholeskyEx(ctensorPtr0, ts.ctensor, ccheckErrors) + lib.AtgLinalgCholeskyEx(ctensorPtr0, ts.ctensor, cupper, ccheckErrors) if err = TorchErr(); err != nil { return retVal0, retVal1, err } @@ -12177,14 +12984,16 @@ func(ts *Tensor) LinalgCholeskyEx(checkErrors bool, del bool)(retVal0 *Tensor, r return retVal0, retVal1, err } -func(ts *Tensor) LinalgCholeskyExL(l *Tensor, info *Tensor, checkErrors bool, del bool)(retVal0 *Tensor, retVal1 *Tensor, err error) { +func(ts *Tensor) LinalgCholeskyExL(l *Tensor, info *Tensor, upper bool, checkErrors bool, del bool)(retVal0 *Tensor, retVal1 *Tensor, err error) { if del { defer ts.MustDrop() } ctensorPtr0 := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) ctensorPtr1 := (*lib.Ctensor)(unsafe.Pointer(uintptr(unsafe.Pointer(ctensorPtr0)) + unsafe.Sizeof(ctensorPtr0))) - ccheckErrors := int32(0) + cupper := int32(0) + if upper { cupper = int32(1) } +ccheckErrors := int32(0) if checkErrors { ccheckErrors = int32(1) } - lib.AtgLinalgCholeskyExL(ctensorPtr0, l.ctensor, info.ctensor, ts.ctensor, ccheckErrors) + lib.AtgLinalgCholeskyExL(ctensorPtr0, l.ctensor, info.ctensor, ts.ctensor, cupper, ccheckErrors) if err = TorchErr(); err != nil { return retVal0, retVal1, err } @@ -12194,11 +13003,13 @@ func(ts *Tensor) LinalgCholeskyExL(l *Tensor, info *Tensor, checkErrors bool, de return retVal0, retVal1, err } -func(ts *Tensor) LinalgCholeskyOut(out *Tensor, del bool)(retVal *Tensor, err error) { +func(ts *Tensor) LinalgCholeskyOut(out *Tensor, upper bool, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.AtgLinalgCholeskyOut(ptr, out.ctensor, ts.ctensor) + cupper := int32(0) + if upper { cupper = int32(1) } + lib.AtgLinalgCholeskyOut(ptr, out.ctensor, ts.ctensor, cupper) if err = TorchErr(); err != nil { return retVal, err } @@ -12531,13 +13342,11 @@ func(ts *Tensor) LinalgLstsqOut(solution *Tensor, residuals *Tensor, rank *Tenso return retVal0, retVal1, retVal2, retVal3, err } -func(ts *Tensor) LinalgMatrixNorm(ord *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool)(retVal *Tensor, err error) { +func(ts *Tensor) LinalgMatmul(other *Tensor, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - ckeepdim := int32(0) - if keepdim { ckeepdim = int32(1) } - lib.AtgLinalgMatrixNorm(ptr, ts.ctensor, ord.cscalar, dim, len(dim), ckeepdim, dtype.CInt()) + lib.AtgLinalgMatmul(ptr, ts.ctensor, other.ctensor) if err = TorchErr(); err != nil { return retVal, err } @@ -12546,43 +13355,11 @@ func(ts *Tensor) LinalgMatrixNorm(ord *Scalar, dim []int64, keepdim bool, dtype return retVal, err } -func(ts *Tensor) LinalgMatrixNormOut(out *Tensor, ord *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool)(retVal *Tensor, err error) { +func(ts *Tensor) LinalgMatmulOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - ckeepdim := int32(0) - if keepdim { ckeepdim = int32(1) } - lib.AtgLinalgMatrixNormOut(ptr, out.ctensor, ts.ctensor, ord.cscalar, dim, len(dim), ckeepdim, dtype.CInt()) - if err = TorchErr(); err != nil { - return retVal, err - } - retVal = &Tensor{ctensor: *ptr} - - return retVal, err -} - -func(ts *Tensor) LinalgMatrixNormStrOrd(ord string, dim []int64, keepdim bool, dtype gotch.DType, del bool)(retVal *Tensor, err error) { - if del { defer ts.MustDrop() } - ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - - ckeepdim := int32(0) - if keepdim { ckeepdim = int32(1) } - lib.AtgLinalgMatrixNormStrOrd(ptr, ts.ctensor, ord, dim, len(dim), ckeepdim, dtype.CInt()) - if err = TorchErr(); err != nil { - return retVal, err - } - retVal = &Tensor{ctensor: *ptr} - - return retVal, err -} - -func(ts *Tensor) LinalgMatrixNormStrOrdOut(out *Tensor, ord string, dim []int64, keepdim bool, dtype gotch.DType, del bool)(retVal *Tensor, err error) { - if del { defer ts.MustDrop() } - ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - - ckeepdim := int32(0) - if keepdim { ckeepdim = int32(1) } - lib.AtgLinalgMatrixNormStrOrdOut(ptr, out.ctensor, ts.ctensor, ord, dim, len(dim), ckeepdim, dtype.CInt()) + lib.AtgLinalgMatmulOut(ptr, out.ctensor, ts.ctensor, other.ctensor) if err = TorchErr(); err != nil { return retVal, err } @@ -13045,6 +13822,18 @@ func Linear(input *Tensor, weight *Tensor, bias *Tensor)(retVal *Tensor, err err return retVal, err } +func LinearOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgLinearOut(ptr, out.ctensor, input.ctensor, weight.ctensor, bias.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func Linspace(start *Scalar, end *Scalar, steps []int64, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor, err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -15715,6 +16504,19 @@ func(ts *Tensor) Mvlgamma_(p int64)(err error) { return err } +func(ts *Tensor) MvlgammaOut(out *Tensor, p int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgMvlgammaOut(ptr, out.ctensor, ts.ctensor, p) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) NanToNum(nan []float64, posinf []float64, neginf []float64, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -15807,6 +16609,36 @@ var cneginfVal float64 = 0.0 return retVal, err } +func(ts *Tensor) Nanmean(dim []int64, keepdim bool, dtype gotch.DType, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + ckeepdim := int32(0) + if keepdim { ckeepdim = int32(1) } + lib.AtgNanmean(ptr, ts.ctensor, dim, len(dim), ckeepdim, dtype.CInt()) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) NanmeanOut(out *Tensor, dim []int64, keepdim bool, dtype gotch.DType, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + ckeepdim := int32(0) + if keepdim { ckeepdim = int32(1) } + lib.AtgNanmeanOut(ptr, out.ctensor, ts.ctensor, dim, len(dim), ckeepdim, dtype.CInt()) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) Nanmedian(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -16404,6 +17236,19 @@ func(ts *Tensor) NewFull(size []int64, fillValue *Scalar, optionsKind gotch.DTyp return retVal, err } +func(ts *Tensor) NewOnes(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgNewOnes(ptr, ts.ctensor, size, len(size), optionsKind.CInt(), optionsDevice.CInt()) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) NewZeros(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -17107,11 +17952,11 @@ func(ts *Tensor) Permute(dims []int64, del bool)(retVal *Tensor, err error) { return retVal, err } -func(ts *Tensor) PinMemory(del bool)(retVal *Tensor, err error) { +func(ts *Tensor) PinMemory(device gotch.Device, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.AtgPinMemory(ptr, ts.ctensor) + lib.AtgPinMemory(ptr, ts.ctensor, device.CInt()) if err = TorchErr(); err != nil { return retVal, err } @@ -17263,11 +18108,11 @@ func(ts *Tensor) Positive(del bool)(retVal *Tensor, err error) { return retVal, err } -func(ts *Tensor) Pow(exponent *Scalar, del bool)(retVal *Tensor, err error) { +func(ts *Tensor) Pow(exponent *Tensor, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.AtgPow(ptr, ts.ctensor, exponent.cscalar) + lib.AtgPow(ptr, ts.ctensor, exponent.ctensor) if err = TorchErr(); err != nil { return retVal, err } @@ -17324,11 +18169,11 @@ func(ts *Tensor) PowTensor_(exponent *Tensor)(err error) { return err } -func(ts *Tensor) PowTensorScalarOut(out *Tensor, exponent *Scalar, del bool)(retVal *Tensor, err error) { +func(ts *Tensor) PowTensorScalar(exponent *Scalar, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.AtgPowTensorScalarOut(ptr, out.ctensor, ts.ctensor, exponent.cscalar) + lib.AtgPowTensorScalar(ptr, ts.ctensor, exponent.cscalar) if err = TorchErr(); err != nil { return retVal, err } @@ -17337,11 +18182,11 @@ func(ts *Tensor) PowTensorScalarOut(out *Tensor, exponent *Scalar, del bool)(ret return retVal, err } -func(ts *Tensor) PowTensorTensor(exponent *Tensor, del bool)(retVal *Tensor, err error) { +func(ts *Tensor) PowTensorScalarOut(out *Tensor, exponent *Scalar, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.AtgPowTensorTensor(ptr, ts.ctensor, exponent.ctensor) + lib.AtgPowTensorScalarOut(ptr, out.ctensor, ts.ctensor, exponent.cscalar) if err = TorchErr(); err != nil { return retVal, err } @@ -17747,6 +18592,19 @@ func(ts *Tensor) QuantizePerTensor(scale float64, zeroPoint int64, dtype gotch.D return retVal, err } +func(ts *Tensor) QuantizePerTensorTensorQparams(scale *Tensor, zeroPoint *Tensor, dtype gotch.DType, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgQuantizePerTensorTensorQparams(ptr, ts.ctensor, scale.ctensor, zeroPoint.ctensor, dtype.CInt()) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func QuantizedBatchNorm(input *Tensor, weight *Tensor, bias *Tensor, mean *Tensor, vari *Tensor, eps float64, outputScale float64, outputZeroPoint int64)(retVal *Tensor, err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -18297,6 +19155,58 @@ func(ts *Tensor) ReflectionPad2dOut(out *Tensor, padding []int64, del bool)(retV return retVal, err } +func(ts *Tensor) ReflectionPad3d(padding []int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgReflectionPad3d(ptr, ts.ctensor, padding, len(padding)) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) ReflectionPad3dBackward(gradOutput *Tensor, padding []int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgReflectionPad3dBackward(ptr, gradOutput.ctensor, ts.ctensor, padding, len(padding)) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) ReflectionPad3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgReflectionPad3dBackwardGradInput(ptr, gradInput.ctensor, gradOutput.ctensor, ts.ctensor, padding, len(padding)) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) ReflectionPad3dOut(out *Tensor, padding []int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgReflectionPad3dOut(ptr, out.ctensor, ts.ctensor, padding, len(padding)) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) Relu(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -18385,6 +19295,18 @@ func(ts *Tensor) RemainderScalarOut(out *Tensor, other *Scalar, del bool)(retVal return retVal, err } +func RemainderScalarTensor(selfScalar *Scalar, other *Tensor)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgRemainderScalarTensor(ptr, selfScalar.cscalar, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) RemainderTensor(other *Tensor, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -18474,10 +19396,16 @@ func(ts *Tensor) Repeat(repeats []int64, del bool)(retVal *Tensor, err error) { return retVal, err } -func RepeatInterleave(repeats *Tensor)(retVal *Tensor, err error) { +func RepeatInterleave(repeats *Tensor, outputSize []int64)(retVal *Tensor, err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.AtgRepeatInterleave(ptr, repeats.ctensor) + var coutputSizeVal int64 = 0 + var coutputSizeNull int = 1 + if len(outputSize) > 0 { + coutputSizeVal = outputSize[0] + coutputSizeNull = 0 + } + lib.AtgRepeatInterleave(ptr, repeats.ctensor, coutputSizeVal, coutputSizeNull) if err = TorchErr(); err != nil { return retVal, err } @@ -18486,7 +19414,7 @@ func RepeatInterleave(repeats *Tensor)(retVal *Tensor, err error) { return retVal, err } -func(ts *Tensor) RepeatInterleaveSelfInt(repeats int64, dim []int64, del bool)(retVal *Tensor, err error) { +func(ts *Tensor) RepeatInterleaveSelfInt(repeats int64, dim []int64, outputSize []int64, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -18496,7 +19424,13 @@ func(ts *Tensor) RepeatInterleaveSelfInt(repeats int64, dim []int64, del bool)(r cdimVal = dim[0] cdimNull = 0 } - lib.AtgRepeatInterleaveSelfInt(ptr, ts.ctensor, repeats, cdimVal, cdimNull) +var coutputSizeVal int64 = 0 + var coutputSizeNull int = 1 + if len(outputSize) > 0 { + coutputSizeVal = outputSize[0] + coutputSizeNull = 0 + } + lib.AtgRepeatInterleaveSelfInt(ptr, ts.ctensor, repeats, cdimVal, cdimNull, coutputSizeVal, coutputSizeNull) if err = TorchErr(); err != nil { return retVal, err } @@ -18505,7 +19439,7 @@ func(ts *Tensor) RepeatInterleaveSelfInt(repeats int64, dim []int64, del bool)(r return retVal, err } -func(ts *Tensor) RepeatInterleaveSelfTensor(repeats *Tensor, dim []int64, del bool)(retVal *Tensor, err error) { +func(ts *Tensor) RepeatInterleaveSelfTensor(repeats *Tensor, dim []int64, outputSize []int64, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -18515,7 +19449,13 @@ func(ts *Tensor) RepeatInterleaveSelfTensor(repeats *Tensor, dim []int64, del bo cdimVal = dim[0] cdimNull = 0 } - lib.AtgRepeatInterleaveSelfTensor(ptr, ts.ctensor, repeats.ctensor, cdimVal, cdimNull) +var coutputSizeVal int64 = 0 + var coutputSizeNull int = 1 + if len(outputSize) > 0 { + coutputSizeVal = outputSize[0] + coutputSizeNull = 0 + } + lib.AtgRepeatInterleaveSelfTensor(ptr, ts.ctensor, repeats.ctensor, cdimVal, cdimNull, coutputSizeVal, coutputSizeNull) if err = TorchErr(); err != nil { return retVal, err } @@ -18756,6 +19696,42 @@ func(ts *Tensor) ResizeAsSparse_(theTemplate *Tensor)(err error) { return err } +func(ts *Tensor) ResolveConj(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgResolveConj(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) ResolveNeg(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgResolveNeg(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) RetainsGrad(del bool)(retVal bool, err error) { + if del { defer ts.MustDrop() } + + retVal = lib.AtgRetainsGrad(ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + return retVal, err +} + func RnnRelu(input *Tensor, hx *Tensor, params []Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool)(retVal0 *Tensor, retVal1 *Tensor, err error) { ctensorPtr0 := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) ctensorPtr1 := (*lib.Ctensor)(unsafe.Pointer(uintptr(unsafe.Pointer(ctensorPtr0)) + unsafe.Sizeof(ctensorPtr0))) @@ -19180,6 +20156,32 @@ func(ts *Tensor) ScatterAdd_(dim int64, index *Tensor, src *Tensor)(err error) { return err } +func(ts *Tensor) ScatterAddOut(out *Tensor, dim int64, index *Tensor, src *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgScatterAddOut(ptr, out.ctensor, ts.ctensor, dim, index.ctensor, src.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) ScatterReduce(dim int64, index *Tensor, src *Tensor, reduce string, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgScatterReduce(ptr, ts.ctensor, dim, index.ctensor, src.ctensor, reduce) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) ScatterReduce_(dim int64, index *Tensor, src *Tensor, reduce string)(err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -19192,6 +20194,32 @@ func(ts *Tensor) ScatterReduce_(dim int64, index *Tensor, src *Tensor, reduce st return err } +func(ts *Tensor) ScatterReduceOut(out *Tensor, dim int64, index *Tensor, src *Tensor, reduce string, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgScatterReduceOut(ptr, out.ctensor, ts.ctensor, dim, index.ctensor, src.ctensor, reduce) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) ScatterSrcOut(out *Tensor, dim int64, index *Tensor, src *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgScatterSrcOut(ptr, out.ctensor, ts.ctensor, dim, index.ctensor, src.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) ScatterValue(dim int64, index *Tensor, value *Scalar, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -19217,6 +20245,32 @@ func(ts *Tensor) ScatterValue_(dim int64, index *Tensor, value *Scalar)(err erro return err } +func(ts *Tensor) ScatterValueOut(out *Tensor, dim int64, index *Tensor, value *Scalar, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgScatterValueOut(ptr, out.ctensor, ts.ctensor, dim, index.ctensor, value.cscalar) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) ScatterValueReduce(dim int64, index *Tensor, value *Scalar, reduce string, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgScatterValueReduce(ptr, ts.ctensor, dim, index.ctensor, value.cscalar, reduce) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) ScatterValueReduce_(dim int64, index *Tensor, value *Scalar, reduce string)(err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -19229,6 +20283,19 @@ func(ts *Tensor) ScatterValueReduce_(dim int64, index *Tensor, value *Scalar, re return err } +func(ts *Tensor) ScatterValueReduceOut(out *Tensor, dim int64, index *Tensor, value *Scalar, reduce string, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgScatterValueReduceOut(ptr, out.ctensor, ts.ctensor, dim, index.ctensor, value.cscalar, reduce) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) Searchsorted(sortedSequence *Tensor, outInt32 bool, right bool, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -19293,18 +20360,6 @@ func SegmentReduce(data *Tensor, reduce string, lengths *Tensor, indices *Tensor return retVal, err } -func SegmentReduceBackward(grad *Tensor, output *Tensor, data *Tensor, lengths *Tensor)(retVal *Tensor, err error) { - ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - - lib.AtgSegmentReduceBackward(ptr, grad.ctensor, output.ctensor, data.ctensor, lengths.ctensor) - if err = TorchErr(); err != nil { - return retVal, err - } - retVal = &Tensor{ctensor: *ptr} - - return retVal, err -} - func(ts *Tensor) Select(dim int64, index int64, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -19318,10 +20373,10 @@ func(ts *Tensor) Select(dim int64, index int64, del bool)(retVal *Tensor, err er return retVal, err } -func SelectBackward(grad *Tensor, inputSizes []int64, dim int64, index int64)(retVal *Tensor, err error) { +func SelectBackward(gradOutput *Tensor, inputSizes []int64, dim int64, index int64)(retVal *Tensor, err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.AtgSelectBackward(ptr, grad.ctensor, inputSizes, len(inputSizes), dim, index) + lib.AtgSelectBackward(ptr, gradOutput.ctensor, inputSizes, len(inputSizes), dim, index) if err = TorchErr(); err != nil { return retVal, err } @@ -19596,6 +20651,19 @@ func(ts *Tensor) SiluBackward(gradOutput *Tensor, del bool)(retVal *Tensor, err return retVal, err } +func(ts *Tensor) SiluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSiluBackwardGradInput(ptr, gradInput.ctensor, gradOutput.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) SiluOut(out *Tensor, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -19748,10 +20816,10 @@ var cendVal int64 = 0 return retVal, err } -func SliceBackward(grad *Tensor, inputSizes []int64, dim int64, start int64, end int64, step int64)(retVal *Tensor, err error) { +func SliceBackward(gradOutput *Tensor, inputSizes []int64, dim int64, start int64, end int64, step int64)(retVal *Tensor, err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) - lib.AtgSliceBackward(ptr, grad.ctensor, inputSizes, len(inputSizes), dim, start, end, step) + lib.AtgSliceBackward(ptr, gradOutput.ctensor, inputSizes, len(inputSizes), dim, start, end, step) if err = TorchErr(); err != nil { return retVal, err } @@ -20251,6 +21319,30 @@ func SparseCooTensorIndicesSize(indices *Tensor, values *Tensor, size []int64, o return retVal, err } +func SparseCsrTensor(crowIndices *Tensor, colIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSparseCsrTensor(ptr, crowIndices.ctensor, colIndices.ctensor, values.ctensor, optionsKind.CInt(), optionsDevice.CInt()) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func SparseCsrTensorCrowColValueSize(crowIndices *Tensor, colIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSparseCsrTensorCrowColValueSize(ptr, crowIndices.ctensor, colIndices.ctensor, values.ctensor, size, len(size), optionsKind.CInt(), optionsDevice.CInt()) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) SparseDim(del bool)(retVal int64, err error) { if del { defer ts.MustDrop() } @@ -20298,6 +21390,32 @@ func(ts *Tensor) SparseResizeAndClear_(size []int64, sparseDim int64, denseDim i return err } +func(ts *Tensor) SpecialDigamma(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialDigamma(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialDigammaOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialDigammaOut(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) SpecialEntr(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -20376,6 +21494,32 @@ func(ts *Tensor) SpecialErfcOut(out *Tensor, del bool)(retVal *Tensor, err error return retVal, err } +func(ts *Tensor) SpecialErfcx(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialErfcx(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialErfcxOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialErfcxOut(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) SpecialErfinv(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -20480,6 +21624,58 @@ func(ts *Tensor) SpecialExpm1Out(out *Tensor, del bool)(retVal *Tensor, err erro return retVal, err } +func(ts *Tensor) SpecialGammainc(other *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialGammainc(ptr, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialGammaincOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialGammaincOut(ptr, out.ctensor, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialGammaincc(other *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialGammaincc(ptr, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialGammainccOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialGammainccOut(ptr, out.ctensor, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) SpecialGammaln(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -20506,6 +21702,32 @@ func(ts *Tensor) SpecialGammalnOut(out *Tensor, del bool)(retVal *Tensor, err er return retVal, err } +func(ts *Tensor) SpecialI0(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialI0(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialI0Out(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialI0Out(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) SpecialI0e(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -20532,6 +21754,97 @@ func(ts *Tensor) SpecialI0eOut(out *Tensor, del bool)(retVal *Tensor, err error) return retVal, err } +func(ts *Tensor) SpecialI1(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialI1(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialI1Out(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialI1Out(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialI1e(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialI1e(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialI1eOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialI1eOut(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialLog1p(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialLog1p(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialLog1pOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialLog1pOut(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialLogSoftmax(dim int64, dtype gotch.DType, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialLogSoftmax(ptr, ts.ctensor, dim, dtype.CInt()) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) SpecialLogit(eps []float64, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -20570,6 +21883,218 @@ func(ts *Tensor) SpecialLogitOut(out *Tensor, eps []float64, del bool)(retVal *T return retVal, err } +func(ts *Tensor) SpecialLogsumexp(dim []int64, keepdim bool, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + ckeepdim := int32(0) + if keepdim { ckeepdim = int32(1) } + lib.AtgSpecialLogsumexp(ptr, ts.ctensor, dim, len(dim), ckeepdim) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialLogsumexpOut(out *Tensor, dim []int64, keepdim bool, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + ckeepdim := int32(0) + if keepdim { ckeepdim = int32(1) } + lib.AtgSpecialLogsumexpOut(ptr, out.ctensor, ts.ctensor, dim, len(dim), ckeepdim) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialMultigammaln(p int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialMultigammaln(ptr, ts.ctensor, p) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialMultigammalnOut(out *Tensor, p int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialMultigammalnOut(ptr, out.ctensor, ts.ctensor, p) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialNdtr(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialNdtr(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialNdtrOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialNdtrOut(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialNdtri(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialNdtri(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialNdtriOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialNdtriOut(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialPolygamma(n int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialPolygamma(ptr, n, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialPolygammaOut(out *Tensor, n int64, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialPolygammaOut(ptr, out.ctensor, n, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialPsi(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialPsi(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialPsiOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialPsiOut(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialRound(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialRound(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialRoundOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialRoundOut(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialSinc(del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialSinc(ptr, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialSincOut(out *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialSincOut(ptr, out.ctensor, ts.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) SpecialXlog1py(other *Tensor, del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -20646,6 +22171,158 @@ func SpecialXlog1pySelfScalarOut(out *Tensor, selfScalar *Scalar, other *Tensor) return retVal, err } +func(ts *Tensor) SpecialXlogy(other *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialXlogy(ptr, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialXlogyOtherScalar(other *Scalar, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialXlogyOtherScalar(ptr, ts.ctensor, other.cscalar) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialXlogyOtherScalarOut(out *Tensor, other *Scalar, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialXlogyOtherScalarOut(ptr, out.ctensor, ts.ctensor, other.cscalar) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialXlogyOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialXlogyOut(ptr, out.ctensor, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func SpecialXlogySelfScalar(selfScalar *Scalar, other *Tensor)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialXlogySelfScalar(ptr, selfScalar.cscalar, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func SpecialXlogySelfScalarOut(out *Tensor, selfScalar *Scalar, other *Tensor)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialXlogySelfScalarOut(ptr, out.ctensor, selfScalar.cscalar, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialZeta(other *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialZeta(ptr, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialZetaOtherScalar(other *Scalar, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialZetaOtherScalar(ptr, ts.ctensor, other.cscalar) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialZetaOtherScalarOut(out *Tensor, other *Scalar, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialZetaOtherScalarOut(ptr, out.ctensor, ts.ctensor, other.cscalar) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func(ts *Tensor) SpecialZetaOut(out *Tensor, other *Tensor, del bool)(retVal *Tensor, err error) { + if del { defer ts.MustDrop() } + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialZetaOut(ptr, out.ctensor, ts.ctensor, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func SpecialZetaSelfScalar(selfScalar *Scalar, other *Tensor)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialZetaSelfScalar(ptr, selfScalar.cscalar, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func SpecialZetaSelfScalarOut(out *Tensor, selfScalar *Scalar, other *Tensor)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgSpecialZetaSelfScalarOut(ptr, out.ctensor, selfScalar.cscalar, other.ctensor) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func(ts *Tensor) Sqrt(del bool)(retVal *Tensor, err error) { if del { defer ts.MustDrop() } ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) @@ -21869,6 +23546,30 @@ func(ts *Tensor) Transpose_(dim0 int64, dim1 int64)(err error) { return err } +func Trapezoid(y *Tensor, dim int64)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgTrapezoid(ptr, y.ctensor, dim) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + +func TrapezoidX(y *Tensor, x *Tensor, dim int64)(retVal *Tensor, err error) { + ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0))) + + lib.AtgTrapezoidX(ptr, y.ctensor, x.ctensor, dim) + if err = TorchErr(); err != nil { + return retVal, err + } + retVal = &Tensor{ctensor: *ptr} + + return retVal, err +} + func Trapz(y *Tensor, x *Tensor, dim int64)(retVal *Tensor, err error) { ptr := (*lib.Ctensor)(unsafe.Pointer(C.malloc(0)))