Learn more  » Push, build, and install  RubyGems npm packages Python packages Maven artifacts PHP packages Go Modules Bower components Debian packages RPM packages NuGet packages

neilisaac / torch   python

Repository URL to install this package:

/ testing / _internal / generated / annotated_fn_args.py

"""
This file is needed for generating procedural tests required for
testing __torch_function__. See tests/test_overrides.py.
"""

# flake8: noqa
import torch

annotated_args = {
    torch._C._VariableFunctions._cast_Byte: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._cast_Char: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._cast_Double: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._cast_Float: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._cast_Int: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._cast_Long: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._cast_Short: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._cast_Half: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._make_dual: [{'name': 'primal', 'simple_type': 'Tensor'}, {'name': 'tangent', 'simple_type': 'Tensor'}, {'name': 'level', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions._unpack_dual: [{'name': 'dual', 'simple_type': 'Tensor'}, {'name': 'level', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.align_tensors: [{'name': 'tensors', 'simple_type': 'TensorList'}],
    torch._C._VariableFunctions._use_cudnn_ctc_loss: [{'name': 'log_probs', 'simple_type': 'Tensor'}, {'name': 'targets', 'simple_type': 'Tensor'}, {'name': 'input_lengths', 'simple_type': 'IntArrayRef'}, {'name': 'target_lengths', 'simple_type': 'IntArrayRef'}, {'name': 'blank', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions._cudnn_ctc_loss: [{'name': 'log_probs', 'simple_type': 'Tensor'}, {'name': 'targets', 'simple_type': 'Tensor'}, {'name': 'input_lengths', 'simple_type': 'IntArrayRef'}, {'name': 'target_lengths', 'simple_type': 'IntArrayRef'}, {'name': 'blank', 'simple_type': 'int64_t'}, {'name': 'deterministic', 'simple_type': 'bool'}, {'name': 'zero_infinity', 'simple_type': 'bool'}],
    torch._C._VariableFunctions._use_cudnn_rnn_flatten_weight: [],
    torch._C._VariableFunctions._cudnn_rnn_flatten_weight: [{'name': 'weight_arr', 'simple_type': 'TensorList'}, {'name': 'weight_stride0', 'simple_type': 'int64_t'}, {'name': 'input_size', 'simple_type': 'int64_t'}, {'name': 'mode', 'simple_type': 'int64_t'}, {'name': 'hidden_size', 'simple_type': 'int64_t'}, {'name': 'proj_size', 'simple_type': 'int64_t'}, {'name': 'num_layers', 'simple_type': 'int64_t'}, {'name': 'batch_first', 'simple_type': 'bool'}, {'name': 'bidirectional', 'simple_type': 'bool'}],
    torch._C._VariableFunctions._cudnn_rnn: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'TensorList'}, {'name': 'weight_stride0', 'simple_type': 'int64_t'}, {'name': 'weight_buf', 'simple_type': 'Tensor?'}, {'name': 'hx', 'simple_type': 'Tensor'}, {'name': 'cx', 'simple_type': 'Tensor?'}, {'name': 'mode', 'simple_type': 'int64_t'}, {'name': 'hidden_size', 'simple_type': 'int64_t'}, {'name': 'proj_size', 'simple_type': 'int64_t'}, {'name': 'num_layers', 'simple_type': 'int64_t'}, {'name': 'batch_first', 'simple_type': 'bool'}, {'name': 'dropout', 'simple_type': 'double'}, {'name': 'train', 'simple_type': 'bool'}, {'name': 'bidirectional', 'simple_type': 'bool'}, {'name': 'batch_sizes', 'simple_type': 'IntArrayRef'}, {'name': 'dropout_state', 'simple_type': 'Tensor?'}],
    torch._C._VariableFunctions._cudnn_init_dropout_state: [{'name': 'dropout', 'simple_type': 'double'}, {'name': 'train', 'simple_type': 'bool'}, {'name': 'dropout_seed', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions._debug_has_internal_overlap: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._fused_dropout: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'p', 'simple_type': 'double'}],
    torch._C._VariableFunctions._masked_scale: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'mask', 'simple_type': 'Tensor'}, {'name': 'scale', 'simple_type': 'double'}],
    torch._C._VariableFunctions._sobol_engine_draw: [{'name': 'quasi', 'simple_type': 'Tensor'}, {'name': 'n', 'simple_type': 'int64_t'}, {'name': 'sobolstate', 'simple_type': 'Tensor'}, {'name': 'dimension', 'simple_type': 'int64_t'}, {'name': 'num_generated', 'simple_type': 'int64_t'}, {'name': 'dtype', 'simple_type': 'ScalarType?'}],
    torch._C._VariableFunctions._sobol_engine_ff_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'n', 'simple_type': 'int64_t'}, {'name': 'sobolstate', 'simple_type': 'Tensor'}, {'name': 'dimension', 'simple_type': 'int64_t'}, {'name': 'num_generated', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions._sobol_engine_scramble_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'ltm', 'simple_type': 'Tensor'}, {'name': 'dimension', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions._sobol_engine_initialize_state_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dimension', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions._reshape_from_tensor: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'shape', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._shape_as_tensor: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.dropout: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'p', 'simple_type': 'double'}, {'name': 'train', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.dropout_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'p', 'simple_type': 'double'}, {'name': 'train', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.feature_dropout: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'p', 'simple_type': 'double'}, {'name': 'train', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.feature_dropout_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'p', 'simple_type': 'double'}, {'name': 'train', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.alpha_dropout: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'p', 'simple_type': 'double'}, {'name': 'train', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.alpha_dropout_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'p', 'simple_type': 'double'}, {'name': 'train', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.feature_alpha_dropout: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'p', 'simple_type': 'double'}, {'name': 'train', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.feature_alpha_dropout_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'p', 'simple_type': 'double'}, {'name': 'train', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.abs: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.abs: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.abs_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.absolute: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.absolute: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.angle: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.angle: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.view_as_real: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.view_as_complex: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.sgn: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.sgn: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.real: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.imag: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.conj: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.conj: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._conj: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.acos: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.acos: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.acos_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arccos: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arccos: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arccos_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.avg_pool1d: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'kernel_size', 'simple_type': 'IntArrayRef', 'size': 1}],
    torch._C._VariableFunctions.adaptive_avg_pool1d: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'output_size', 'simple_type': 'IntArrayRef', 'size': 1}],
    torch._C._VariableFunctions.adaptive_max_pool1d: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'output_size', 'simple_type': 'IntArrayRef', 'size': 1}],
    torch._C._VariableFunctions.add: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.add: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._add_relu: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._add_relu: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._add_relu_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.addmv: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'mat', 'simple_type': 'Tensor'}, {'name': 'vec', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.addmv: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'mat', 'simple_type': 'Tensor'}, {'name': 'vec', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.addmv_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'mat', 'simple_type': 'Tensor'}, {'name': 'vec', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._addmv_impl_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'self2', 'simple_type': 'Tensor'}, {'name': 'mat', 'simple_type': 'Tensor'}, {'name': 'vec', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.addr: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'vec1', 'simple_type': 'Tensor'}, {'name': 'vec2', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.addr: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'vec1', 'simple_type': 'Tensor'}, {'name': 'vec2', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.affine_grid_generator: [{'name': 'theta', 'simple_type': 'Tensor'}, {'name': 'size', 'simple_type': 'IntArrayRef'}, {'name': 'align_corners', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.all: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.all: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.all: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.all: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.all: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.allclose: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.any: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.any: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.any: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.any: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.any: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._dim_arange: [{'name': 'like', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.argmax: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.argmax: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.argmin: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.argmin: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.acosh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.acosh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.acosh_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arccosh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arccosh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arccosh_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.asinh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.asinh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.asinh_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arcsinh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arcsinh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arcsinh_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.atanh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.atanh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.atanh_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arctanh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arctanh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arctanh_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.as_strided: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'size', 'simple_type': 'IntArrayRef'}, {'name': 'stride', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.as_strided_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'size', 'simple_type': 'IntArrayRef'}, {'name': 'stride', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.asin: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.asin: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.asin_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arcsin: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arcsin: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arcsin_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.atan: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.atan: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.atan_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arctan: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arctan: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.arctan_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.atleast_1d: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.atleast_1d: [{'name': 'tensors', 'simple_type': 'TensorList'}],
    torch._C._VariableFunctions.atleast_2d: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.atleast_2d: [{'name': 'tensors', 'simple_type': 'TensorList'}],
    torch._C._VariableFunctions.atleast_3d: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.atleast_3d: [{'name': 'tensors', 'simple_type': 'TensorList'}],
    torch._C._VariableFunctions.baddbmm: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'batch1', 'simple_type': 'Tensor'}, {'name': 'batch2', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.baddbmm: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'batch1', 'simple_type': 'Tensor'}, {'name': 'batch2', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._baddbmm_mkl_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'batch1', 'simple_type': 'Tensor'}, {'name': 'batch2', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.bartlett_window: [{'name': 'window_length', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.bartlett_window: [{'name': 'window_length', 'simple_type': 'int64_t'}, {'name': 'periodic', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.batch_norm: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor?'}, {'name': 'bias', 'simple_type': 'Tensor?'}, {'name': 'running_mean', 'simple_type': 'Tensor?'}, {'name': 'running_var', 'simple_type': 'Tensor?'}, {'name': 'training', 'simple_type': 'bool'}, {'name': 'momentum', 'simple_type': 'double'}, {'name': 'eps', 'simple_type': 'double'}, {'name': 'cudnn_enabled', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.quantized_batch_norm: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor?'}, {'name': 'bias', 'simple_type': 'Tensor?'}, {'name': 'mean', 'simple_type': 'Tensor'}, {'name': 'var', 'simple_type': 'Tensor'}, {'name': 'eps', 'simple_type': 'double'}, {'name': 'output_scale', 'simple_type': 'double'}, {'name': 'output_zero_point', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions._batch_norm_impl_index: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor?'}, {'name': 'bias', 'simple_type': 'Tensor?'}, {'name': 'running_mean', 'simple_type': 'Tensor?'}, {'name': 'running_var', 'simple_type': 'Tensor?'}, {'name': 'training', 'simple_type': 'bool'}, {'name': 'momentum', 'simple_type': 'double'}, {'name': 'eps', 'simple_type': 'double'}, {'name': 'cudnn_enabled', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.bernoulli: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.bernoulli: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.bernoulli: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'p', 'simple_type': 'double'}],
    torch._C._VariableFunctions.bilinear: [{'name': 'input1', 'simple_type': 'Tensor'}, {'name': 'input2', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'bias', 'simple_type': 'Tensor?'}],
    torch._C._VariableFunctions.binary_cross_entropy_with_logits: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'target', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.bincount: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.bitwise_not: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.bitwise_not: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.copysign: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.copysign: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.copysign: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.logical_not: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.logical_not: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.logical_xor: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.logical_xor: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.logical_and: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.logical_and: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.logical_or: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.logical_or: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.blackman_window: [{'name': 'window_length', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.blackman_window: [{'name': 'window_length', 'simple_type': 'int64_t'}, {'name': 'periodic', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.bmm: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'mat2', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.bmm: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'mat2', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._bmm: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'mat2', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._bmm: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'mat2', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.broadcast_tensors: [{'name': 'tensors', 'simple_type': 'TensorList'}],
    torch._C._VariableFunctions.broadcast_to: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'size', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.cat: [{'name': 'tensors', 'simple_type': 'TensorList'}],
    torch._C._VariableFunctions.cat: [{'name': 'tensors', 'simple_type': 'TensorList'}],
    torch._C._VariableFunctions.cat: [{'name': 'tensors', 'simple_type': 'TensorList'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.cat: [{'name': 'tensors', 'simple_type': 'TensorList'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.block_diag: [{'name': 'tensors', 'simple_type': 'TensorList'}],
    torch._C._VariableFunctions.ceil: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.ceil: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.ceil_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.chain_matmul: [{'name': 'matrices', 'simple_type': 'TensorList'}],
    torch._C._VariableFunctions.unsafe_chunk: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'chunks', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.chunk: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'chunks', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.tensor_split: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'sections', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.tensor_split: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'indices', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.tensor_split: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'tensor_indices_or_sections', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.clamp: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.clamp: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.clamp_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.clamp_max: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'max', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.clamp_max: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'max', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.clamp_max_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'max', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.clamp_min: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'min', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.clamp_min: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'min', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.clamp_min_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'min', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.clip: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.clip: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.clip_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.cudnn_is_acceptable: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.complex: [{'name': 'real', 'simple_type': 'Tensor'}, {'name': 'imag', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.complex: [{'name': 'real', 'simple_type': 'Tensor'}, {'name': 'imag', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.polar: [{'name': 'abs', 'simple_type': 'Tensor'}, {'name': 'angle', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.polar: [{'name': 'abs', 'simple_type': 'Tensor'}, {'name': 'angle', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.constant_pad_nd: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'pad', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.convolution: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'bias', 'simple_type': 'Tensor?'}, {'name': 'stride', 'simple_type': 'IntArrayRef'}, {'name': 'padding', 'simple_type': 'IntArrayRef'}, {'name': 'dilation', 'simple_type': 'IntArrayRef'}, {'name': 'transposed', 'simple_type': 'bool'}, {'name': 'output_padding', 'simple_type': 'IntArrayRef'}, {'name': 'groups', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions._convolution: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'bias', 'simple_type': 'Tensor?'}, {'name': 'stride', 'simple_type': 'IntArrayRef'}, {'name': 'padding', 'simple_type': 'IntArrayRef'}, {'name': 'dilation', 'simple_type': 'IntArrayRef'}, {'name': 'transposed', 'simple_type': 'bool'}, {'name': 'output_padding', 'simple_type': 'IntArrayRef'}, {'name': 'groups', 'simple_type': 'int64_t'}, {'name': 'benchmark', 'simple_type': 'bool'}, {'name': 'deterministic', 'simple_type': 'bool'}, {'name': 'cudnn_enabled', 'simple_type': 'bool'}, {'name': 'allow_tf32', 'simple_type': 'bool'}],
    torch._C._VariableFunctions._convolution: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'bias', 'simple_type': 'Tensor?'}, {'name': 'stride', 'simple_type': 'IntArrayRef'}, {'name': 'padding', 'simple_type': 'IntArrayRef'}, {'name': 'dilation', 'simple_type': 'IntArrayRef'}, {'name': 'transposed', 'simple_type': 'bool'}, {'name': 'output_padding', 'simple_type': 'IntArrayRef'}, {'name': 'groups', 'simple_type': 'int64_t'}, {'name': 'benchmark', 'simple_type': 'bool'}, {'name': 'deterministic', 'simple_type': 'bool'}, {'name': 'cudnn_enabled', 'simple_type': 'bool'}],
    torch._C._VariableFunctions._convolution_nogroup: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'bias', 'simple_type': 'Tensor?'}, {'name': 'stride', 'simple_type': 'IntArrayRef'}, {'name': 'padding', 'simple_type': 'IntArrayRef'}, {'name': 'dilation', 'simple_type': 'IntArrayRef'}, {'name': 'transposed', 'simple_type': 'bool'}, {'name': 'output_padding', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.conv1d: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.conv2d: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.conv3d: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.conv_tbc: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'bias', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.conv_transpose1d: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.conv_transpose2d: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.conv_transpose3d: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._copy_from: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dst', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.cos: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.cos: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.cos_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.cosh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.cosh: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.cosh_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.cosine_embedding_loss: [{'name': 'input1', 'simple_type': 'Tensor'}, {'name': 'input2', 'simple_type': 'Tensor'}, {'name': 'target', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.count_nonzero: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.count_nonzero: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.cudnn_affine_grid_generator: [{'name': 'theta', 'simple_type': 'Tensor'}, {'name': 'N', 'simple_type': 'int64_t'}, {'name': 'C', 'simple_type': 'int64_t'}, {'name': 'H', 'simple_type': 'int64_t'}, {'name': 'W', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.cudnn_batch_norm: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'bias', 'simple_type': 'Tensor?'}, {'name': 'running_mean', 'simple_type': 'Tensor?'}, {'name': 'running_var', 'simple_type': 'Tensor?'}, {'name': 'training', 'simple_type': 'bool'}, {'name': 'exponential_average_factor', 'simple_type': 'double'}, {'name': 'epsilon', 'simple_type': 'double'}],
    torch._C._VariableFunctions.cudnn_convolution: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'bias', 'simple_type': 'Tensor?'}, {'name': 'padding', 'simple_type': 'IntArrayRef'}, {'name': 'stride', 'simple_type': 'IntArrayRef'}, {'name': 'dilation', 'simple_type': 'IntArrayRef'}, {'name': 'groups', 'simple_type': 'int64_t'}, {'name': 'benchmark', 'simple_type': 'bool'}, {'name': 'deterministic', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.cudnn_convolution: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'padding', 'simple_type': 'IntArrayRef'}, {'name': 'stride', 'simple_type': 'IntArrayRef'}, {'name': 'dilation', 'simple_type': 'IntArrayRef'}, {'name': 'groups', 'simple_type': 'int64_t'}, {'name': 'benchmark', 'simple_type': 'bool'}, {'name': 'deterministic', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.cudnn_convolution: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'padding', 'simple_type': 'IntArrayRef'}, {'name': 'stride', 'simple_type': 'IntArrayRef'}, {'name': 'dilation', 'simple_type': 'IntArrayRef'}, {'name': 'groups', 'simple_type': 'int64_t'}, {'name': 'benchmark', 'simple_type': 'bool'}, {'name': 'deterministic', 'simple_type': 'bool'}, {'name': 'allow_tf32', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.cudnn_convolution_transpose: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'bias', 'simple_type': 'Tensor?'}, {'name': 'padding', 'simple_type': 'IntArrayRef'}, {'name': 'output_padding', 'simple_type': 'IntArrayRef'}, {'name': 'stride', 'simple_type': 'IntArrayRef'}, {'name': 'dilation', 'simple_type': 'IntArrayRef'}, {'name': 'groups', 'simple_type': 'int64_t'}, {'name': 'benchmark', 'simple_type': 'bool'}, {'name': 'deterministic', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.cudnn_convolution_transpose: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'padding', 'simple_type': 'IntArrayRef'}, {'name': 'output_padding', 'simple_type': 'IntArrayRef'}, {'name': 'stride', 'simple_type': 'IntArrayRef'}, {'name': 'dilation', 'simple_type': 'IntArrayRef'}, {'name': 'groups', 'simple_type': 'int64_t'}, {'name': 'benchmark', 'simple_type': 'bool'}, {'name': 'deterministic', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.cudnn_convolution_transpose: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'padding', 'simple_type': 'IntArrayRef'}, {'name': 'output_padding', 'simple_type': 'IntArrayRef'}, {'name': 'stride', 'simple_type': 'IntArrayRef'}, {'name': 'dilation', 'simple_type': 'IntArrayRef'}, {'name': 'groups', 'simple_type': 'int64_t'}, {'name': 'benchmark', 'simple_type': 'bool'}, {'name': 'deterministic', 'simple_type': 'bool'}, {'name': 'allow_tf32', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.cudnn_grid_sampler: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'grid', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.cummax: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.cummax: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.cummax: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.cummax: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions._cummax_helper: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'values', 'simple_type': 'Tensor'}, {'name': 'indices', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.cummin: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.cummin: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.cummin: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.cummin: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions._cummin_helper: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'values', 'simple_type': 'Tensor'}, {'name': 'indices', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.cumprod: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.cumprod: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.cumprod: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.cumprod: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.cumsum: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.cumsum: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.cumsum: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.cumsum: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.ctc_loss: [{'name': 'log_probs', 'simple_type': 'Tensor'}, {'name': 'targets', 'simple_type': 'Tensor'}, {'name': 'input_lengths', 'simple_type': 'IntArrayRef'}, {'name': 'target_lengths', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.ctc_loss: [{'name': 'log_probs', 'simple_type': 'Tensor'}, {'name': 'targets', 'simple_type': 'Tensor'}, {'name': 'input_lengths', 'simple_type': 'Tensor'}, {'name': 'target_lengths', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._ctc_loss: [{'name': 'log_probs', 'simple_type': 'Tensor'}, {'name': 'targets', 'simple_type': 'Tensor'}, {'name': 'input_lengths', 'simple_type': 'IntArrayRef'}, {'name': 'target_lengths', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.diag_embed: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.diagflat: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.diagonal: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.diagonal: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.diff: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.diff: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.div: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.div: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.div: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.div: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.div: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.divide: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.divide: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.divide: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.divide: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.divide: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.divide: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.true_divide: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.true_divide: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.true_divide: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.dot: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'tensor', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.dot: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'tensor', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.vdot: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.vdot: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.einsum: [{'name': 'equation', 'simple_type': 'std::string'}, {'name': 'tensors', 'simple_type': 'TensorList'}],
    torch._C._VariableFunctions.embedding: [{'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'indices', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.embedding_renorm_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'indices', 'simple_type': 'Tensor'}, {'name': 'max_norm', 'simple_type': 'double'}, {'name': 'norm_type', 'simple_type': 'double'}],
    torch._C._VariableFunctions._embedding_bag_forward_only: [{'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'indices', 'simple_type': 'Tensor'}, {'name': 'offsets', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._rowwise_prune: [{'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'mask', 'simple_type': 'Tensor'}, {'name': 'compressed_indices_dtype', 'simple_type': 'ScalarType'}],
    torch._C._VariableFunctions.row_stack: [{'name': 'tensors', 'simple_type': 'TensorList'}],
    torch._C._VariableFunctions.row_stack: [{'name': 'tensors', 'simple_type': 'TensorList'}],
    torch._C._VariableFunctions.embedding_bag: [{'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'indices', 'simple_type': 'Tensor'}, {'name': 'offsets', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions._embedding_bag: [{'name': 'weight', 'simple_type': 'Tensor'}, {'name': 'indices', 'simple_type': 'Tensor'}, {'name': 'offsets', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.empty_meta: [{'name': 'size', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.empty: [{'name': 'size', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.empty: [{'name': 'size', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.empty: [{'name': 'size', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions._empty_affine_quantized: [{'name': 'size', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions._empty_per_channel_affine_quantized: [{'name': 'size', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.empty_quantized: [{'name': 'size', 'simple_type': 'IntArrayRef'}, {'name': 'qtensor', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.empty_like: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.empty_strided: [{'name': 'size', 'simple_type': 'IntArrayRef'}, {'name': 'stride', 'simple_type': 'IntArrayRef'}],
    torch._C._VariableFunctions.erf: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.erf: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.erf_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.erfc: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.erfc: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.erfc_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.exp: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.exp: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.exp_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.exp2: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.exp2: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.exp2_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.expm1: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.expm1: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.expm1_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.eye: [{'name': 'n', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.eye: [{'name': 'n', 'simple_type': 'int64_t'}, {'name': 'm', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.eye: [{'name': 'n', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.eye: [{'name': 'n', 'simple_type': 'int64_t'}, {'name': 'm', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.flatten: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.flatten: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'start_dim', 'simple_type': 'int64_t'}, {'name': 'end_dim', 'simple_type': 'int64_t'}, {'name': 'out_dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.flatten: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'start_dim', 'simple_type': 'Dimname'}, {'name': 'end_dim', 'simple_type': 'Dimname'}, {'name': 'out_dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.flatten: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'dims', 'simple_type': 'DimnameList'}, {'name': 'out_dim', 'simple_type': 'Dimname'}],
    torch._C._VariableFunctions.fill_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'value', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.fill_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'value', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.floor: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.floor: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.floor_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.floor_divide: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.floor_divide: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.floor_divide: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.frac: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.frac: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.frac_: [{'name': 'self', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.full_like: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'fill_value', 'simple_type': 'Scalar'}],
    torch._C._VariableFunctions.from_file: [{'name': 'filename', 'simple_type': 'std::string'}],
    torch._C._VariableFunctions.gcd: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.gcd: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.gcd_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.lcm: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.lcm: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.lcm_: [{'name': 'self', 'simple_type': 'Tensor'}, {'name': 'other', 'simple_type': 'Tensor'}],
    torch._C._VariableFunctions.grid_sampler: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'grid', 'simple_type': 'Tensor'}, {'name': 'interpolation_mode', 'simple_type': 'int64_t'}, {'name': 'padding_mode', 'simple_type': 'int64_t'}, {'name': 'align_corners', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.grid_sampler_2d: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'grid', 'simple_type': 'Tensor'}, {'name': 'interpolation_mode', 'simple_type': 'int64_t'}, {'name': 'padding_mode', 'simple_type': 'int64_t'}, {'name': 'align_corners', 'simple_type': 'bool'}],
    torch._C._VariableFunctions._grid_sampler_2d_cpu_fallback: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'grid', 'simple_type': 'Tensor'}, {'name': 'interpolation_mode', 'simple_type': 'int64_t'}, {'name': 'padding_mode', 'simple_type': 'int64_t'}, {'name': 'align_corners', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.grid_sampler_3d: [{'name': 'input', 'simple_type': 'Tensor'}, {'name': 'grid', 'simple_type': 'Tensor'}, {'name': 'interpolation_mode', 'simple_type': 'int64_t'}, {'name': 'padding_mode', 'simple_type': 'int64_t'}, {'name': 'align_corners', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.hann_window: [{'name': 'window_length', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.hann_window: [{'name': 'window_length', 'simple_type': 'int64_t'}, {'name': 'periodic', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.hamming_window: [{'name': 'window_length', 'simple_type': 'int64_t'}],
    torch._C._VariableFunctions.hamming_window: [{'name': 'window_length', 'simple_type': 'int64_t'}, {'name': 'periodic', 'simple_type': 'bool'}],
    torch._C._VariableFunctions.hamming_window: [{'name': 'window_length', 'simple_type': 'int64_t'}, {'name': 'periodic', 'simple_type': 'bool'}, {'name': 'alpha', 'simple_type': 'double'}],
Loading ...