From b06d1e2ffc9ec07a7d3b98cf8c6134fc73ee4d58 Mon Sep 17 00:00:00 2001 From: Daniel Falbel Date: Thu, 2 Jul 2020 16:09:01 -0300 Subject: [PATCH] re-build website --- R/RcppExports.R | 3576 ++++++++--------- _pkgdown.yml | 4 + docs/404.html | 37 +- docs/CONTRIBUTING.html | 37 +- docs/LICENSE-text.html | 37 +- docs/LICENSE.html | 37 +- docs/articles/examples/mnist-cnn.html | 159 +- .../empty-anchor.js | 15 + docs/articles/examples/mnist-mlp.html | 135 +- .../empty-anchor.js | 15 + docs/articles/extending-autograd.html | 143 +- .../empty-anchor.js | 15 + docs/articles/index.html | 55 +- docs/articles/indexing.html | 310 +- .../empty-anchor.js | 15 + docs/articles/loading-data.html | 335 ++ .../empty-anchor.js | 15 + docs/articles/tensor-creation.html | 184 +- .../empty-anchor.js | 15 + docs/articles/using-autograd.html | 319 +- .../empty-anchor.js | 15 + docs/authors.html | 31 +- docs/bootstrap-toc.css | 60 + docs/bootstrap-toc.js | 159 + docs/index.html | 165 +- docs/pkgdown.css | 121 +- docs/pkgdown.js | 5 - docs/pkgdown.yml | 8 +- docs/reference/AutogradContext.html | 76 +- docs/reference/autograd_backward.html | 44 +- docs/reference/autograd_function.html | 43 +- docs/reference/autograd_grad.html | 44 +- docs/reference/autograd_set_grad_mode.html | 42 +- docs/reference/cuda_current_device.html | 41 +- docs/reference/cuda_device_count.html | 41 +- docs/reference/cuda_is_available.html | 41 +- docs/reference/dataloader.html | 42 +- docs/reference/dataloader_make_iter.html | 42 +- docs/reference/dataloader_next.html | 42 +- docs/reference/dataset.html | 43 +- docs/reference/default_dtype.html | 42 +- docs/reference/enumerate.dataloader.html | 42 +- docs/reference/enumerate.html | 42 +- docs/reference/index.html | 57 +- docs/reference/install_torch.html | 43 +- docs/reference/is_dataloader.html | 42 +- docs/reference/mnist_dataset.html | 42 +- .../nn_adaptive_log_softmax_with_loss.html | 47 +- docs/reference/nn_batch_norm1d.html | 46 +- docs/reference/nn_batch_norm2d.html | 274 ++ docs/reference/nn_bce_loss.html | 45 +- docs/reference/nn_bilinear.html | 45 +- docs/reference/nn_celu.html | 45 +- docs/reference/nn_conv1d.html | 47 +- docs/reference/nn_conv2d.html | 47 +- docs/reference/nn_conv3d.html | 47 +- docs/reference/nn_conv_transpose1d.html | 47 +- docs/reference/nn_conv_transpose2d.html | 47 +- docs/reference/nn_conv_transpose3d.html | 47 +- docs/reference/nn_cross_entropy_loss.html | 271 ++ docs/reference/nn_dropout.html | 45 +- docs/reference/nn_dropout2d.html | 45 +- docs/reference/nn_dropout3d.html | 45 +- docs/reference/nn_elu.html | 45 +- docs/reference/nn_embedding.html | 66 +- docs/reference/nn_gelu.html | 44 +- docs/reference/nn_glu.html | 44 +- docs/reference/nn_hardshrink.html | 45 +- docs/reference/nn_hardsigmoid.html | 44 +- docs/reference/nn_hardswish.html | 43 +- docs/reference/nn_hardtanh.html | 45 +- docs/reference/nn_identity.html | 43 +- docs/reference/nn_init_calculate_gain.html | 42 +- docs/reference/nn_init_constant_.html | 43 +- docs/reference/nn_init_dirac_.html | 43 +- docs/reference/nn_init_eye_.html | 43 +- docs/reference/nn_init_kaiming_normal_.html | 49 +- docs/reference/nn_init_kaiming_uniform_.html | 49 +- docs/reference/nn_init_normal_.html | 49 +- docs/reference/nn_init_ones_.html | 43 +- docs/reference/nn_init_orthogonal_.html | 49 +- docs/reference/nn_init_sparse_.html | 43 +- docs/reference/nn_init_trunc_normal_.html | 43 +- docs/reference/nn_init_uniform_.html | 49 +- docs/reference/nn_init_xavier_normal_.html | 49 +- docs/reference/nn_init_xavier_uniform_.html | 49 +- docs/reference/nn_init_zeros_.html | 43 +- docs/reference/nn_leaky_relu.html | 45 +- docs/reference/nn_linear.html | 45 +- docs/reference/nn_log_sigmoid.html | 43 +- docs/reference/nn_log_softmax.html | 46 +- docs/reference/nn_max_pool1d.html | 44 +- docs/reference/nn_max_pool2d.html | 45 +- docs/reference/nn_module.html | 44 +- docs/reference/nn_module_list.html | 43 +- docs/reference/nn_multihead_attention.html | 45 +- docs/reference/nn_prelu.html | 47 +- docs/reference/nn_relu.html | 46 +- docs/reference/nn_relu6.html | 45 +- docs/reference/nn_rnn.html | 175 +- docs/reference/nn_rrelu.html | 50 +- docs/reference/nn_selu.html | 45 +- docs/reference/nn_sequential.html | 43 +- docs/reference/nn_sigmoid.html | 44 +- docs/reference/nn_softmax.html | 47 +- docs/reference/nn_softmax2d.html | 44 +- docs/reference/nn_softmin.html | 46 +- docs/reference/nn_softplus.html | 45 +- docs/reference/nn_softshrink.html | 45 +- docs/reference/nn_softsign.html | 43 +- docs/reference/nn_tanh.html | 44 +- docs/reference/nn_tanhshrink.html | 44 +- docs/reference/nn_threshold.html | 45 +- .../nn_utils_rnn_pack_padded_sequence.html | 45 +- .../reference/nn_utils_rnn_pack_sequence.html | 45 +- .../nn_utils_rnn_pad_packed_sequence.html | 46 +- docs/reference/nn_utils_rnn_pad_sequence.html | 46 +- docs/reference/nnf_adaptive_avg_pool1d.html | 42 +- docs/reference/nnf_adaptive_avg_pool2d.html | 42 +- docs/reference/nnf_adaptive_avg_pool3d.html | 42 +- docs/reference/nnf_adaptive_max_pool1d.html | 42 +- docs/reference/nnf_adaptive_max_pool2d.html | 42 +- docs/reference/nnf_adaptive_max_pool3d.html | 42 +- docs/reference/nnf_affine_grid.html | 43 +- docs/reference/nnf_alpha_dropout.html | 42 +- docs/reference/nnf_avg_pool1d.html | 42 +- docs/reference/nnf_avg_pool2d.html | 42 +- docs/reference/nnf_avg_pool3d.html | 42 +- docs/reference/nnf_batch_norm.html | 42 +- docs/reference/nnf_bilinear.html | 42 +- docs/reference/nnf_binary_cross_entropy.html | 42 +- .../nnf_binary_cross_entropy_with_logits.html | 42 +- docs/reference/nnf_celu.html | 42 +- docs/reference/nnf_conv1d.html | 42 +- docs/reference/nnf_conv2d.html | 42 +- docs/reference/nnf_conv3d.html | 42 +- docs/reference/nnf_conv_tbc.html | 42 +- docs/reference/nnf_conv_transpose1d.html | 42 +- docs/reference/nnf_conv_transpose2d.html | 42 +- docs/reference/nnf_conv_transpose3d.html | 42 +- docs/reference/nnf_cosine_embedding_loss.html | 42 +- docs/reference/nnf_cosine_similarity.html | 43 +- docs/reference/nnf_cross_entropy.html | 42 +- docs/reference/nnf_ctc_loss.html | 42 +- docs/reference/nnf_dropout.html | 42 +- docs/reference/nnf_dropout2d.html | 42 +- docs/reference/nnf_dropout3d.html | 42 +- docs/reference/nnf_elu.html | 47 +- docs/reference/nnf_embedding.html | 43 +- docs/reference/nnf_embedding_bag.html | 42 +- docs/reference/nnf_fold.html | 43 +- docs/reference/nnf_fractional_max_pool2d.html | 43 +- docs/reference/nnf_fractional_max_pool3d.html | 43 +- docs/reference/nnf_gelu.html | 43 +- docs/reference/nnf_glu.html | 43 +- docs/reference/nnf_grid_sample.html | 44 +- docs/reference/nnf_group_norm.html | 42 +- docs/reference/nnf_gumbel_softmax.html | 42 +- docs/reference/nnf_hardshrink.html | 42 +- docs/reference/nnf_hardsigmoid.html | 42 +- docs/reference/nnf_hardswish.html | 43 +- docs/reference/nnf_hardtanh.html | 42 +- docs/reference/nnf_hinge_embedding_loss.html | 42 +- docs/reference/nnf_instance_norm.html | 42 +- docs/reference/nnf_interpolate.html | 43 +- docs/reference/nnf_kl_div.html | 42 +- docs/reference/nnf_l1_loss.html | 42 +- docs/reference/nnf_layer_norm.html | 42 +- docs/reference/nnf_leaky_relu.html | 42 +- docs/reference/nnf_linear.html | 42 +- docs/reference/nnf_local_response_norm.html | 42 +- docs/reference/nnf_log_softmax.html | 43 +- docs/reference/nnf_logsigmoid.html | 42 +- docs/reference/nnf_lp_pool1d.html | 42 +- docs/reference/nnf_lp_pool2d.html | 42 +- docs/reference/nnf_margin_ranking_loss.html | 42 +- docs/reference/nnf_max_pool1d.html | 42 +- docs/reference/nnf_max_pool2d.html | 42 +- docs/reference/nnf_max_pool3d.html | 42 +- docs/reference/nnf_max_unpool1d.html | 42 +- docs/reference/nnf_max_unpool2d.html | 42 +- docs/reference/nnf_max_unpool3d.html | 42 +- docs/reference/nnf_mse_loss.html | 42 +- .../nnf_multi_head_attention_forward.html | 42 +- docs/reference/nnf_multi_margin_loss.html | 42 +- .../reference/nnf_multilabel_margin_loss.html | 42 +- .../nnf_multilabel_soft_margin_loss.html | 42 +- docs/reference/nnf_nll_loss.html | 42 +- docs/reference/nnf_normalize.html | 43 +- docs/reference/nnf_one_hot.html | 43 +- docs/reference/nnf_pad.html | 44 +- docs/reference/nnf_pairwise_distance.html | 42 +- docs/reference/nnf_pdist.html | 43 +- docs/reference/nnf_pixel_shuffle.html | 42 +- docs/reference/nnf_poisson_nll_loss.html | 42 +- docs/reference/nnf_prelu.html | 42 +- docs/reference/nnf_relu.html | 42 +- docs/reference/nnf_relu6.html | 42 +- docs/reference/nnf_rrelu.html | 42 +- docs/reference/nnf_selu.html | 47 +- docs/reference/nnf_smooth_l1_loss.html | 42 +- docs/reference/nnf_soft_margin_loss.html | 42 +- docs/reference/nnf_softmax.html | 43 +- docs/reference/nnf_softmin.html | 43 +- docs/reference/nnf_softplus.html | 43 +- docs/reference/nnf_softshrink.html | 42 +- docs/reference/nnf_softsign.html | 42 +- docs/reference/nnf_tanhshrink.html | 42 +- docs/reference/nnf_threshold.html | 42 +- docs/reference/nnf_triplet_margin_loss.html | 42 +- docs/reference/nnf_unfold.html | 43 +- docs/reference/optim_required.html | 41 +- docs/reference/optim_sgd.html | 44 +- docs/reference/tensor_dataset.html | 42 +- docs/reference/torch_abs.html | 44 +- docs/reference/torch_acos.html | 60 +- docs/reference/torch_adaptive_avg_pool1d.html | 44 +- docs/reference/torch_add.html | 85 +- docs/reference/torch_addbmm.html | 50 +- docs/reference/torch_addcdiv.html | 51 +- docs/reference/torch_addcmul.html | 50 +- docs/reference/torch_addmm.html | 48 +- docs/reference/torch_addmv.html | 48 +- docs/reference/torch_addr.html | 44 +- docs/reference/torch_allclose.html | 44 +- docs/reference/torch_angle.html | 44 +- docs/reference/torch_arange.html | 44 +- docs/reference/torch_argmax.html | 59 +- docs/reference/torch_argmin.html | 67 +- docs/reference/torch_argsort.html | 60 +- docs/reference/torch_as_strided.html | 60 +- docs/reference/torch_asin.html | 60 +- docs/reference/torch_atan.html | 62 +- docs/reference/torch_atan2.html | 60 +- docs/reference/torch_avg_pool1d.html | 44 +- docs/reference/torch_baddbmm.html | 104 +- docs/reference/torch_bartlett_window.html | 45 +- docs/reference/torch_bernoulli.html | 54 +- docs/reference/torch_bincount.html | 58 +- docs/reference/torch_bitwise_and.html | 44 +- docs/reference/torch_bitwise_not.html | 44 +- docs/reference/torch_bitwise_or.html | 44 +- docs/reference/torch_bitwise_xor.html | 44 +- docs/reference/torch_blackman_window.html | 45 +- docs/reference/torch_bmm.html | 105 +- docs/reference/torch_broadcast_tensors.html | 44 +- docs/reference/torch_can_cast.html | 44 +- docs/reference/torch_cartesian_prod.html | 44 +- docs/reference/torch_cat.html | 64 +- docs/reference/torch_cdist.html | 44 +- docs/reference/torch_ceil.html | 56 +- docs/reference/torch_celu_.html | 43 +- docs/reference/torch_chain_matmul.html | 50 +- docs/reference/torch_cholesky.html | 62 +- docs/reference/torch_cholesky_inverse.html | 44 +- docs/reference/torch_cholesky_solve.html | 68 +- docs/reference/torch_chunk.html | 44 +- docs/reference/torch_clamp.html | 88 +- docs/reference/torch_combinations.html | 44 +- docs/reference/torch_conj.html | 44 +- docs/reference/torch_conv1d.html | 44 +- docs/reference/torch_conv2d.html | 44 +- docs/reference/torch_conv3d.html | 44 +- docs/reference/torch_conv_tbc.html | 44 +- docs/reference/torch_conv_transpose1d.html | 44 +- docs/reference/torch_conv_transpose2d.html | 44 +- docs/reference/torch_conv_transpose3d.html | 44 +- docs/reference/torch_cos.html | 60 +- docs/reference/torch_cosh.html | 60 +- docs/reference/torch_cosine_similarity.html | 240 +- docs/reference/torch_cross.html | 76 +- docs/reference/torch_cummax.html | 102 +- docs/reference/torch_cummin.html | 100 +- docs/reference/torch_cumprod.html | 84 +- docs/reference/torch_cumsum.html | 84 +- docs/reference/torch_det.html | 66 +- docs/reference/torch_device.html | 43 +- docs/reference/torch_diag.html | 44 +- docs/reference/torch_diag_embed.html | 68 +- docs/reference/torch_diagflat.html | 44 +- docs/reference/torch_diagonal.html | 44 +- docs/reference/torch_digamma.html | 44 +- docs/reference/torch_dist.html | 66 +- docs/reference/torch_div.html | 89 +- docs/reference/torch_dot.html | 44 +- docs/reference/torch_eig.html | 45 +- docs/reference/torch_einsum.html | 44 +- docs/reference/torch_empty.html | 49 +- docs/reference/torch_empty_like.html | 48 +- docs/reference/torch_empty_strided.html | 49 +- docs/reference/torch_eq.html | 44 +- docs/reference/torch_equal.html | 43 +- docs/reference/torch_erf.html | 44 +- docs/reference/torch_erfc.html | 44 +- docs/reference/torch_erfinv.html | 44 +- docs/reference/torch_exp.html | 44 +- docs/reference/torch_expm1.html | 44 +- docs/reference/torch_eye.html | 44 +- docs/reference/torch_fft.html | 544 +-- docs/reference/torch_flatten.html | 44 +- docs/reference/torch_flip.html | 44 +- docs/reference/torch_floor.html | 54 +- docs/reference/torch_floor_divide.html | 44 +- docs/reference/torch_fmod.html | 44 +- docs/reference/torch_frac.html | 43 +- docs/reference/torch_full.html | 45 +- docs/reference/torch_full_like.html | 44 +- docs/reference/torch_gather.html | 51 +- docs/reference/torch_ge.html | 44 +- docs/reference/torch_generator.html | 60 +- docs/reference/torch_geqrf.html | 44 +- docs/reference/torch_ger.html | 45 +- docs/reference/torch_gt.html | 44 +- docs/reference/torch_hamming_window.html | 45 +- docs/reference/torch_hann_window.html | 45 +- docs/reference/torch_histc.html | 44 +- docs/reference/torch_ifft.html | 82 +- docs/reference/torch_imag.html | 45 +- docs/reference/torch_index_select.html | 61 +- docs/reference/torch_inverse.html | 45 +- docs/reference/torch_irfft.html | 102 +- docs/reference/torch_is_complex.html | 44 +- docs/reference/torch_is_floating_point.html | 44 +- docs/reference/torch_isfinite.html | 44 +- docs/reference/torch_isinf.html | 44 +- docs/reference/torch_isnan.html | 44 +- docs/reference/torch_kthvalue.html | 44 +- docs/reference/torch_le.html | 44 +- docs/reference/torch_lerp.html | 44 +- docs/reference/torch_lgamma.html | 44 +- docs/reference/torch_linspace.html | 44 +- docs/reference/torch_load.html | 43 +- docs/reference/torch_log.html | 56 +- docs/reference/torch_log10.html | 64 +- docs/reference/torch_log1p.html | 63 +- docs/reference/torch_log2.html | 64 +- docs/reference/torch_logdet.html | 59 +- docs/reference/torch_logical_and.html | 44 +- docs/reference/torch_logical_not.html | 44 +- docs/reference/torch_logical_or.html | 44 +- docs/reference/torch_logical_xor.html | 44 +- docs/reference/torch_logspace.html | 44 +- docs/reference/torch_logsumexp.html | 50 +- docs/reference/torch_lstsq.html | 47 +- docs/reference/torch_lt.html | 44 +- docs/reference/torch_lu.html | 57 +- docs/reference/torch_lu_solve.html | 46 +- docs/reference/torch_masked_select.html | 71 +- docs/reference/torch_matmul.html | 193 +- docs/reference/torch_matrix_power.html | 62 +- docs/reference/torch_matrix_rank.html | 44 +- docs/reference/torch_max.html | 96 +- docs/reference/torch_mean.html | 73 +- docs/reference/torch_median.html | 65 +- docs/reference/torch_meshgrid.html | 44 +- docs/reference/torch_min.html | 98 +- docs/reference/torch_mm.html | 49 +- docs/reference/torch_mode.html | 57 +- docs/reference/torch_mul.html | 74 +- docs/reference/torch_multinomial.html | 47 +- docs/reference/torch_mv.html | 49 +- docs/reference/torch_mvlgamma.html | 52 +- docs/reference/torch_narrow.html | 44 +- docs/reference/torch_ne.html | 44 +- docs/reference/torch_neg.html | 64 +- docs/reference/torch_nonzero.html | 49 +- docs/reference/torch_norm.html | 44 +- docs/reference/torch_normal.html | 48 +- docs/reference/torch_ones.html | 44 +- docs/reference/torch_ones_like.html | 45 +- docs/reference/torch_orgqr.html | 44 +- docs/reference/torch_ormqr.html | 44 +- docs/reference/torch_pdist.html | 44 +- docs/reference/torch_pinverse.html | 73 +- docs/reference/torch_pixel_shuffle.html | 44 +- docs/reference/torch_poisson.html | 52 +- docs/reference/torch_polygamma.html | 45 +- docs/reference/torch_pow.html | 61 +- docs/reference/torch_prod.html | 65 +- docs/reference/torch_promote_types.html | 44 +- docs/reference/torch_qr.html | 45 +- .../reference/torch_quantize_per_channel.html | 44 +- docs/reference/torch_quantize_per_tensor.html | 44 +- docs/reference/torch_rand.html | 56 +- docs/reference/torch_rand_like.html | 44 +- docs/reference/torch_randint.html | 58 +- docs/reference/torch_randint_like.html | 44 +- docs/reference/torch_randn.html | 56 +- docs/reference/torch_randn_like.html | 44 +- docs/reference/torch_randperm.html | 48 +- docs/reference/torch_range.html | 45 +- docs/reference/torch_real.html | 45 +- docs/reference/torch_reciprocal.html | 60 +- docs/reference/torch_relu_.html | 43 +- docs/reference/torch_remainder.html | 44 +- docs/reference/torch_renorm.html | 45 +- docs/reference/torch_repeat_interleave.html | 46 +- docs/reference/torch_reshape.html | 44 +- docs/reference/torch_result_type.html | 44 +- docs/reference/torch_rfft.html | 126 +- docs/reference/torch_roll.html | 44 +- docs/reference/torch_rot90.html | 44 +- docs/reference/torch_round.html | 58 +- docs/reference/torch_rrelu_.html | 43 +- docs/reference/torch_rsqrt.html | 56 +- docs/reference/torch_save.html | 43 +- docs/reference/torch_selu_.html | 43 +- docs/reference/torch_sigmoid.html | 60 +- docs/reference/torch_sign.html | 44 +- docs/reference/torch_sin.html | 60 +- docs/reference/torch_sinh.html | 60 +- docs/reference/torch_slogdet.html | 59 +- docs/reference/torch_solve.html | 47 +- docs/reference/torch_sort.html | 68 +- docs/reference/torch_sparse_coo_tensor.html | 44 +- docs/reference/torch_split.html | 44 +- docs/reference/torch_sqrt.html | 58 +- docs/reference/torch_square.html | 60 +- docs/reference/torch_squeeze.html | 45 +- docs/reference/torch_stack.html | 44 +- docs/reference/torch_std.html | 65 +- docs/reference/torch_std_mean.html | 75 +- docs/reference/torch_stft.html | 46 +- docs/reference/torch_sum.html | 65 +- docs/reference/torch_svd.html | 59 +- docs/reference/torch_symeig.html | 45 +- docs/reference/torch_t.html | 76 +- docs/reference/torch_take.html | 44 +- docs/reference/torch_tan.html | 62 +- docs/reference/torch_tanh.html | 60 +- docs/reference/torch_tensordot.html | 44 +- docs/reference/torch_threshold_.html | 43 +- docs/reference/torch_topk.html | 44 +- docs/reference/torch_trace.html | 43 +- docs/reference/torch_transpose.html | 54 +- docs/reference/torch_trapz.html | 53 +- docs/reference/torch_triangular_solve.html | 44 +- docs/reference/torch_tril.html | 78 +- docs/reference/torch_tril_indices.html | 45 +- docs/reference/torch_triu.html | 90 +- docs/reference/torch_triu_indices.html | 45 +- docs/reference/torch_true_divide.html | 44 +- docs/reference/torch_trunc.html | 54 +- docs/reference/torch_unbind.html | 44 +- docs/reference/torch_unique_consecutive.html | 44 +- docs/reference/torch_unsqueeze.html | 44 +- docs/reference/torch_var.html | 66 +- docs/reference/torch_var_mean.html | 75 +- docs/reference/torch_where.html | 46 +- docs/reference/torch_zeros.html | 44 +- docs/reference/torch_zeros_like.html | 45 +- docs/reference/with_enable_grad.html | 44 +- docs/reference/with_no_grad.html | 43 +- vignettes/extending-autograd.Rmd | 2 +- vignettes/indexing.Rmd | 2 +- 455 files changed, 15713 insertions(+), 12506 deletions(-) create mode 100644 docs/articles/examples/mnist-cnn_files/accessible-code-block-0.0.1/empty-anchor.js create mode 100644 docs/articles/examples/mnist-mlp_files/accessible-code-block-0.0.1/empty-anchor.js create mode 100644 docs/articles/extending-autograd_files/accessible-code-block-0.0.1/empty-anchor.js create mode 100644 docs/articles/indexing_files/accessible-code-block-0.0.1/empty-anchor.js create mode 100644 docs/articles/loading-data.html create mode 100644 docs/articles/loading-data_files/accessible-code-block-0.0.1/empty-anchor.js create mode 100644 docs/articles/tensor-creation_files/accessible-code-block-0.0.1/empty-anchor.js create mode 100644 docs/articles/using-autograd_files/accessible-code-block-0.0.1/empty-anchor.js create mode 100644 docs/bootstrap-toc.css create mode 100644 docs/bootstrap-toc.js create mode 100644 docs/reference/nn_batch_norm2d.html create mode 100644 docs/reference/nn_cross_entropy_loss.html diff --git a/R/RcppExports.R b/R/RcppExports.R index 1c046333c..94c2c974c 100644 --- a/R/RcppExports.R +++ b/R/RcppExports.R @@ -2,6923 +2,6923 @@ # Generator token: 10BE3573-1514-4C36-9D1C-5A225CD40393 cpp_autograd_set_grad_mode <- function(enabled) { - invisible(cpp_handle_error(.Call('_torch_cpp_autograd_set_grad_mode', PACKAGE = 'torchpkg', enabled))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_set_grad_mode', PACKAGE = 'torchpkg', enabled))))))) } cpp_tensor_grad <- function(self) { - cpp_handle_error(.Call('_torch_cpp_tensor_grad', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_grad', PACKAGE = 'torchpkg', self)))))) } cpp_tensor_set_grad_ <- function(self, new_grad) { - invisible(cpp_handle_error(.Call('_torch_cpp_tensor_set_grad_', PACKAGE = 'torchpkg', self, new_grad))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_set_grad_', PACKAGE = 'torchpkg', self, new_grad))))))) } cpp_tensor_requires_grad <- function(self) { - cpp_handle_error(.Call('_torch_cpp_tensor_requires_grad', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_requires_grad', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_backward_self_Tensor <- function(self, gradient, keep_graph, create_graph) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_method_backward_self_Tensor', PACKAGE = 'torchpkg', self, gradient, keep_graph, create_graph))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_backward_self_Tensor', PACKAGE = 'torchpkg', self, gradient, keep_graph, create_graph))))))) } cpp_autograd_backward <- function(tensors, grad_tensors, retain_graph, create_graph) { - invisible(cpp_handle_error(.Call('_torch_cpp_autograd_backward', PACKAGE = 'torchpkg', tensors, grad_tensors, retain_graph, create_graph))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_backward', PACKAGE = 'torchpkg', tensors, grad_tensors, retain_graph, create_graph))))))) } cpp_tensor_register_hook <- function(self, f) { - cpp_handle_error(.Call('_torch_cpp_tensor_register_hook', PACKAGE = 'torchpkg', self, f)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_register_hook', PACKAGE = 'torchpkg', self, f)))))) } cpp_tensor_remove_hook <- function(self, pos) { - invisible(cpp_handle_error(.Call('_torch_cpp_tensor_remove_hook', PACKAGE = 'torchpkg', self, pos))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_remove_hook', PACKAGE = 'torchpkg', self, pos))))))) } cpp_Function_lambda <- function(f) { - cpp_handle_error(.Call('_torch_cpp_Function_lambda', PACKAGE = 'torchpkg', f)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_Function_lambda', PACKAGE = 'torchpkg', f)))))) } cpp_Function_apply <- function(inputs, forward, backward) { - cpp_handle_error(.Call('_torch_cpp_Function_apply', PACKAGE = 'torchpkg', inputs, forward, backward)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_Function_apply', PACKAGE = 'torchpkg', inputs, forward, backward)))))) } cpp_autograd_context_save_for_backward <- function(self, vars) { - invisible(cpp_handle_error(.Call('_torch_cpp_autograd_context_save_for_backward', PACKAGE = 'torchpkg', self, vars))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_context_save_for_backward', PACKAGE = 'torchpkg', self, vars))))))) } cpp_autograd_context_get_saved_variables <- function(self) { - cpp_handle_error(.Call('_torch_cpp_autograd_context_get_saved_variables', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_context_get_saved_variables', PACKAGE = 'torchpkg', self)))))) } cpp_autograd_context_set_arguments <- function(self, names, needs_grad) { - invisible(cpp_handle_error(.Call('_torch_cpp_autograd_context_set_arguments', PACKAGE = 'torchpkg', self, names, needs_grad))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_context_set_arguments', PACKAGE = 'torchpkg', self, names, needs_grad))))))) } cpp_autograd_context_get_argument_names <- function(self) { - cpp_handle_error(.Call('_torch_cpp_autograd_context_get_argument_names', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_context_get_argument_names', PACKAGE = 'torchpkg', self)))))) } cpp_autograd_context_get_argument_needs_grad <- function(self) { - cpp_handle_error(.Call('_torch_cpp_autograd_context_get_argument_needs_grad', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_context_get_argument_needs_grad', PACKAGE = 'torchpkg', self)))))) } cpp_autograd_context_set_saved_variables_names <- function(self, names) { - invisible(cpp_handle_error(.Call('_torch_cpp_autograd_context_set_saved_variables_names', PACKAGE = 'torchpkg', self, names))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_context_set_saved_variables_names', PACKAGE = 'torchpkg', self, names))))))) } cpp_autograd_context_get_saved_variables_names <- function(self) { - cpp_handle_error(.Call('_torch_cpp_autograd_context_get_saved_variables_names', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_context_get_saved_variables_names', PACKAGE = 'torchpkg', self)))))) } cpp_autograd_context_mark_dirty <- function(self, inputs) { - invisible(cpp_handle_error(.Call('_torch_cpp_autograd_context_mark_dirty', PACKAGE = 'torchpkg', self, inputs))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_context_mark_dirty', PACKAGE = 'torchpkg', self, inputs))))))) } cpp_autograd_context_mark_non_differentiable <- function(self, outputs) { - invisible(cpp_handle_error(.Call('_torch_cpp_autograd_context_mark_non_differentiable', PACKAGE = 'torchpkg', self, outputs))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_context_mark_non_differentiable', PACKAGE = 'torchpkg', self, outputs))))))) } cpp_tensor_grad_fn <- function(self) { - cpp_handle_error(.Call('_torch_cpp_tensor_grad_fn', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_grad_fn', PACKAGE = 'torchpkg', self)))))) } cpp_autograd_node_name <- function(self) { - cpp_handle_error(.Call('_torch_cpp_autograd_node_name', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_node_name', PACKAGE = 'torchpkg', self)))))) } cpp_autograd_node_next_edges <- function(self) { - cpp_handle_error(.Call('_torch_cpp_autograd_node_next_edges', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_node_next_edges', PACKAGE = 'torchpkg', self)))))) } cpp_autograd_edge_function <- function(self) { - cpp_handle_error(.Call('_torch_cpp_autograd_edge_function', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_edge_function', PACKAGE = 'torchpkg', self)))))) } cpp_autograd_grad <- function(outputs, inputs, grad_outputs, retain_graph, create_graph, allow_unused) { - cpp_handle_error(.Call('_torch_cpp_autograd_grad', PACKAGE = 'torchpkg', outputs, inputs, grad_outputs, retain_graph, create_graph, allow_unused)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_autograd_grad', PACKAGE = 'torchpkg', outputs, inputs, grad_outputs, retain_graph, create_graph, allow_unused)))))) } cpp_cuda_is_available <- function() { - cpp_handle_error(.Call('_torch_cpp_cuda_is_available', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_cuda_is_available', PACKAGE = 'torchpkg')))))) } cpp_cuda_device_count <- function() { - cpp_handle_error(.Call('_torch_cpp_cuda_device_count', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_cuda_device_count', PACKAGE = 'torchpkg')))))) } cpp_cuda_current_device <- function() { - cpp_handle_error(.Call('_torch_cpp_cuda_current_device', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_cuda_current_device', PACKAGE = 'torchpkg')))))) } cpp_device_type_to_string <- function(device) { - cpp_handle_error(.Call('_torch_cpp_device_type_to_string', PACKAGE = 'torchpkg', device)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_device_type_to_string', PACKAGE = 'torchpkg', device)))))) } cpp_device_index_to_int <- function(device) { - cpp_handle_error(.Call('_torch_cpp_device_index_to_int', PACKAGE = 'torchpkg', device)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_device_index_to_int', PACKAGE = 'torchpkg', device)))))) } cpp_torch_device <- function(type, index) { - cpp_handle_error(.Call('_torch_cpp_torch_device', PACKAGE = 'torchpkg', type, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_device', PACKAGE = 'torchpkg', type, index)))))) } cpp_torch_dimname <- function(str) { - cpp_handle_error(.Call('_torch_cpp_torch_dimname', PACKAGE = 'torchpkg', str)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_dimname', PACKAGE = 'torchpkg', str)))))) } cpp_torch_dimname_list <- function(x) { - cpp_handle_error(.Call('_torch_cpp_torch_dimname_list', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_dimname_list', PACKAGE = 'torchpkg', x)))))) } cpp_dimname_to_string <- function(x) { - cpp_handle_error(.Call('_torch_cpp_dimname_to_string', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_dimname_to_string', PACKAGE = 'torchpkg', x)))))) } cpp_dimname_list_to_string <- function(x) { - cpp_handle_error(.Call('_torch_cpp_dimname_list_to_string', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_dimname_list_to_string', PACKAGE = 'torchpkg', x)))))) } cpp_dtype_to_string <- function(dtype) { - cpp_handle_error(.Call('_torch_cpp_dtype_to_string', PACKAGE = 'torchpkg', dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_dtype_to_string', PACKAGE = 'torchpkg', dtype)))))) } cpp_torch_float32 <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_float32', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_float32', PACKAGE = 'torchpkg')))))) } cpp_torch_float64 <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_float64', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_float64', PACKAGE = 'torchpkg')))))) } cpp_torch_float16 <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_float16', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_float16', PACKAGE = 'torchpkg')))))) } cpp_torch_uint8 <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_uint8', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_uint8', PACKAGE = 'torchpkg')))))) } cpp_torch_int8 <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_int8', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_int8', PACKAGE = 'torchpkg')))))) } cpp_torch_int16 <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_int16', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_int16', PACKAGE = 'torchpkg')))))) } cpp_torch_int32 <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_int32', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_int32', PACKAGE = 'torchpkg')))))) } cpp_torch_int64 <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_int64', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_int64', PACKAGE = 'torchpkg')))))) } cpp_torch_bool <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_bool', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_bool', PACKAGE = 'torchpkg')))))) } cpp_torch_quint8 <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_quint8', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_quint8', PACKAGE = 'torchpkg')))))) } cpp_torch_qint8 <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_qint8', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_qint8', PACKAGE = 'torchpkg')))))) } cpp_torch_qint32 <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_qint32', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_qint32', PACKAGE = 'torchpkg')))))) } cpp_set_default_dtype <- function(x) { - invisible(cpp_handle_error(.Call('_torch_cpp_set_default_dtype', PACKAGE = 'torchpkg', x))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_set_default_dtype', PACKAGE = 'torchpkg', x))))))) } cpp_get_default_dtype <- function() { - cpp_handle_error(.Call('_torch_cpp_get_default_dtype', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_get_default_dtype', PACKAGE = 'torchpkg')))))) } cpp_torch_method_set_data_self_Tensor_new_data_Tensor <- function(self, new_data) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_method_set_data_self_Tensor_new_data_Tensor', PACKAGE = 'torchpkg', self, new_data))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_set_data_self_Tensor_new_data_Tensor', PACKAGE = 'torchpkg', self, new_data))))))) } cpp_torch_method_data_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_data_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_data_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_is_leaf_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_is_leaf_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_is_leaf_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_output_nr_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_output_nr_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_output_nr_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method__version_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method__version_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method__version_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_requires_grad__self_Tensor <- function(self, requires_grad) { - cpp_handle_error(.Call('_torch_cpp_torch_method_requires_grad__self_Tensor', PACKAGE = 'torchpkg', self, requires_grad)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_requires_grad__self_Tensor', PACKAGE = 'torchpkg', self, requires_grad)))))) } cpp_torch_method_retain_grad_self_Tensor <- function(self) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_method_retain_grad_self_Tensor', PACKAGE = 'torchpkg', self))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_retain_grad_self_Tensor', PACKAGE = 'torchpkg', self))))))) } cpp_torch_method_rename__self_Tensor_names_DimnameList <- function(self, names) { - cpp_handle_error(.Call('_torch_cpp_torch_method_rename__self_Tensor_names_DimnameList', PACKAGE = 'torchpkg', self, names)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_rename__self_Tensor_names_DimnameList', PACKAGE = 'torchpkg', self, names)))))) } cpp_torch_method_rename_self_Tensor_names_DimnameList <- function(self, names) { - cpp_handle_error(.Call('_torch_cpp_torch_method_rename_self_Tensor_names_DimnameList', PACKAGE = 'torchpkg', self, names)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_rename_self_Tensor_names_DimnameList', PACKAGE = 'torchpkg', self, names)))))) } cpp_torch_method_align_to_self_Tensor_names_DimnameList <- function(self, names) { - cpp_handle_error(.Call('_torch_cpp_torch_method_align_to_self_Tensor_names_DimnameList', PACKAGE = 'torchpkg', self, names)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_align_to_self_Tensor_names_DimnameList', PACKAGE = 'torchpkg', self, names)))))) } cpp_torch_method_align_to_self_Tensor_order_DimnameList_ellipsis_idx_int64_t <- function(self, order, ellipsis_idx) { - cpp_handle_error(.Call('_torch_cpp_torch_method_align_to_self_Tensor_order_DimnameList_ellipsis_idx_int64_t', PACKAGE = 'torchpkg', self, order, ellipsis_idx)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_align_to_self_Tensor_order_DimnameList_ellipsis_idx_int64_t', PACKAGE = 'torchpkg', self, order, ellipsis_idx)))))) } cpp_torch_method_align_as_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_align_as_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_align_as_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_refine_names_self_Tensor_names_DimnameList <- function(self, names) { - cpp_handle_error(.Call('_torch_cpp_torch_method_refine_names_self_Tensor_names_DimnameList', PACKAGE = 'torchpkg', self, names)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_refine_names_self_Tensor_names_DimnameList', PACKAGE = 'torchpkg', self, names)))))) } cpp_torch_method_unflatten_self_Tensor_dim_Dimname_sizes_IntArrayRef_names_DimnameList <- function(self, dim, sizes, names) { - cpp_handle_error(.Call('_torch_cpp_torch_method_unflatten_self_Tensor_dim_Dimname_sizes_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', self, dim, sizes, names)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_unflatten_self_Tensor_dim_Dimname_sizes_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', self, dim, sizes, names)))))) } cpp_torch_method_unflatten_self_Tensor_dim_int64_t_sizes_IntArrayRef_names_DimnameList <- function(self, dim, sizes, names) { - cpp_handle_error(.Call('_torch_cpp_torch_method_unflatten_self_Tensor_dim_int64_t_sizes_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', self, dim, sizes, names)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_unflatten_self_Tensor_dim_int64_t_sizes_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', self, dim, sizes, names)))))) } cpp_torch_method_abs_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_abs_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_abs_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_abs__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_abs__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_abs__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_angle_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_angle_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_angle_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_conj_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_conj_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_conj_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_acos_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_acos_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_acos_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_acos__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_acos__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_acos__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_add_self_Tensor_other_Tensor <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_add_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_add_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_method_add__self_Tensor_other_Tensor <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_add__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_add__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_method_add_self_Tensor_other_Scalar <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_add_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_add_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_method_add__self_Tensor_other_Scalar <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_add__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_add__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_method_addmv_self_Tensor_mat_Tensor_vec_Tensor <- function(self, mat, vec, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_addmv_self_Tensor_mat_Tensor_vec_Tensor', PACKAGE = 'torchpkg', self, mat, vec, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_addmv_self_Tensor_mat_Tensor_vec_Tensor', PACKAGE = 'torchpkg', self, mat, vec, beta, alpha)))))) } cpp_torch_method_addmv__self_Tensor_mat_Tensor_vec_Tensor <- function(self, mat, vec, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_addmv__self_Tensor_mat_Tensor_vec_Tensor', PACKAGE = 'torchpkg', self, mat, vec, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_addmv__self_Tensor_mat_Tensor_vec_Tensor', PACKAGE = 'torchpkg', self, mat, vec, beta, alpha)))))) } cpp_torch_method_addr_self_Tensor_vec1_Tensor_vec2_Tensor <- function(self, vec1, vec2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_addr_self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec1, vec2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_addr_self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec1, vec2, beta, alpha)))))) } cpp_torch_method_addr__self_Tensor_vec1_Tensor_vec2_Tensor <- function(self, vec1, vec2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_addr__self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec1, vec2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_addr__self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec1, vec2, beta, alpha)))))) } cpp_torch_method_all_self_Tensor_dim_int64_t <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_all_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_all_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_all_self_Tensor_dim_Dimname <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_all_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_all_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_allclose_self_Tensor_other_Tensor <- function(self, other, rtol, atol, equal_nan) { - cpp_handle_error(.Call('_torch_cpp_torch_method_allclose_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, rtol, atol, equal_nan)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_allclose_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, rtol, atol, equal_nan)))))) } cpp_torch_method_any_self_Tensor_dim_int64_t <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_any_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_any_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_any_self_Tensor_dim_Dimname <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_any_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_any_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_argmax_self_Tensor <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_argmax_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_argmax_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_argmin_self_Tensor <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_argmin_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_argmin_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_as_strided_self_Tensor_size_IntArrayRef_stride_IntArrayRef <- function(self, size, stride, storage_offset) { - cpp_handle_error(.Call('_torch_cpp_torch_method_as_strided_self_Tensor_size_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', self, size, stride, storage_offset)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_as_strided_self_Tensor_size_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', self, size, stride, storage_offset)))))) } cpp_torch_method_as_strided__self_Tensor_size_IntArrayRef_stride_IntArrayRef <- function(self, size, stride, storage_offset) { - cpp_handle_error(.Call('_torch_cpp_torch_method_as_strided__self_Tensor_size_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', self, size, stride, storage_offset)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_as_strided__self_Tensor_size_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', self, size, stride, storage_offset)))))) } cpp_torch_method_asin_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_asin_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_asin_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_asin__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_asin__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_asin__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_atan_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_atan_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_atan_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_atan__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_atan__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_atan__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_baddbmm_self_Tensor_batch1_Tensor_batch2_Tensor <- function(self, batch1, batch2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_baddbmm_self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_baddbmm_self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)))))) } cpp_torch_method_baddbmm__self_Tensor_batch1_Tensor_batch2_Tensor <- function(self, batch1, batch2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_baddbmm__self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_baddbmm__self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)))))) } cpp_torch_method_bernoulli_self_Tensor <- function(self, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bernoulli_self_Tensor', PACKAGE = 'torchpkg', self, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bernoulli_self_Tensor', PACKAGE = 'torchpkg', self, generator)))))) } cpp_torch_method_bernoulli__self_Tensor_p_Tensor <- function(self, p, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bernoulli__self_Tensor_p_Tensor', PACKAGE = 'torchpkg', self, p, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bernoulli__self_Tensor_p_Tensor', PACKAGE = 'torchpkg', self, p, generator)))))) } cpp_torch_method_bernoulli__self_Tensor <- function(self, p, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bernoulli__self_Tensor', PACKAGE = 'torchpkg', self, p, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bernoulli__self_Tensor', PACKAGE = 'torchpkg', self, p, generator)))))) } cpp_torch_method_bernoulli_self_Tensor_p_double <- function(self, p, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bernoulli_self_Tensor_p_double', PACKAGE = 'torchpkg', self, p, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bernoulli_self_Tensor_p_double', PACKAGE = 'torchpkg', self, p, generator)))))) } cpp_torch_method_bincount_self_Tensor <- function(self, weights, minlength) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bincount_self_Tensor', PACKAGE = 'torchpkg', self, weights, minlength)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bincount_self_Tensor', PACKAGE = 'torchpkg', self, weights, minlength)))))) } cpp_torch_method_bitwise_not_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_not_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_not_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_bitwise_not__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_not__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_not__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_logical_not_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_logical_not_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_logical_not_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_logical_not__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_logical_not__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_logical_not__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_logical_xor_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_logical_xor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_logical_xor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_logical_xor__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_logical_xor__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_logical_xor__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_logical_and_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_logical_and_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_logical_and_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_logical_and__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_logical_and__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_logical_and__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_logical_or_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_logical_or_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_logical_or_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_logical_or__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_logical_or__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_logical_or__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_bmm_self_Tensor_mat2_Tensor <- function(self, mat2) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bmm_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bmm_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat2)))))) } cpp_torch_method_ceil_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_ceil_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_ceil_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_ceil__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_ceil__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_ceil__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_chunk_self_Tensor_chunks_int64_t <- function(self, chunks, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_chunk_self_Tensor_chunks_int64_t', PACKAGE = 'torchpkg', self, chunks, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_chunk_self_Tensor_chunks_int64_t', PACKAGE = 'torchpkg', self, chunks, dim)))))) } cpp_torch_method_clamp_self_Tensor <- function(self, min, max) { - cpp_handle_error(.Call('_torch_cpp_torch_method_clamp_self_Tensor', PACKAGE = 'torchpkg', self, min, max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_clamp_self_Tensor', PACKAGE = 'torchpkg', self, min, max)))))) } cpp_torch_method_clamp__self_Tensor <- function(self, min, max) { - cpp_handle_error(.Call('_torch_cpp_torch_method_clamp__self_Tensor', PACKAGE = 'torchpkg', self, min, max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_clamp__self_Tensor', PACKAGE = 'torchpkg', self, min, max)))))) } cpp_torch_method_clamp_max_self_Tensor_max_Scalar <- function(self, max) { - cpp_handle_error(.Call('_torch_cpp_torch_method_clamp_max_self_Tensor_max_Scalar', PACKAGE = 'torchpkg', self, max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_clamp_max_self_Tensor_max_Scalar', PACKAGE = 'torchpkg', self, max)))))) } cpp_torch_method_clamp_max__self_Tensor_max_Scalar <- function(self, max) { - cpp_handle_error(.Call('_torch_cpp_torch_method_clamp_max__self_Tensor_max_Scalar', PACKAGE = 'torchpkg', self, max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_clamp_max__self_Tensor_max_Scalar', PACKAGE = 'torchpkg', self, max)))))) } cpp_torch_method_clamp_min_self_Tensor_min_Scalar <- function(self, min) { - cpp_handle_error(.Call('_torch_cpp_torch_method_clamp_min_self_Tensor_min_Scalar', PACKAGE = 'torchpkg', self, min)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_clamp_min_self_Tensor_min_Scalar', PACKAGE = 'torchpkg', self, min)))))) } cpp_torch_method_clamp_min__self_Tensor_min_Scalar <- function(self, min) { - cpp_handle_error(.Call('_torch_cpp_torch_method_clamp_min__self_Tensor_min_Scalar', PACKAGE = 'torchpkg', self, min)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_clamp_min__self_Tensor_min_Scalar', PACKAGE = 'torchpkg', self, min)))))) } cpp_torch_method_contiguous_self_Tensor <- function(self, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_method_contiguous_self_Tensor', PACKAGE = 'torchpkg', self, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_contiguous_self_Tensor', PACKAGE = 'torchpkg', self, memory_format)))))) } cpp_torch_method_copy__self_Tensor_src_Tensor <- function(self, src, non_blocking) { - cpp_handle_error(.Call('_torch_cpp_torch_method_copy__self_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, src, non_blocking)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_copy__self_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, src, non_blocking)))))) } cpp_torch_method_cos_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cos_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cos_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_cos__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cos__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cos__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_cosh_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cosh_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cosh_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_cosh__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cosh__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cosh__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_cummax_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cummax_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cummax_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_cummax_self_Tensor_dim_Dimname <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cummax_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cummax_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_cummin_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cummin_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cummin_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_cummin_self_Tensor_dim_Dimname <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cummin_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cummin_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_cumprod_self_Tensor_dim_int64_t <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cumprod_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cumprod_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_method_cumprod_self_Tensor_dim_Dimname <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cumprod_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cumprod_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_method_cumsum_self_Tensor_dim_int64_t <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cumsum_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cumsum_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_method_cumsum_self_Tensor_dim_Dimname <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cumsum_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cumsum_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_method_det_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_det_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_det_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_diag_embed_self_Tensor <- function(self, offset, dim1, dim2) { - cpp_handle_error(.Call('_torch_cpp_torch_method_diag_embed_self_Tensor', PACKAGE = 'torchpkg', self, offset, dim1, dim2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_diag_embed_self_Tensor', PACKAGE = 'torchpkg', self, offset, dim1, dim2)))))) } cpp_torch_method_diagflat_self_Tensor <- function(self, offset) { - cpp_handle_error(.Call('_torch_cpp_torch_method_diagflat_self_Tensor', PACKAGE = 'torchpkg', self, offset)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_diagflat_self_Tensor', PACKAGE = 'torchpkg', self, offset)))))) } cpp_torch_method_diagonal_self_Tensor <- function(self, offset, dim1, dim2) { - cpp_handle_error(.Call('_torch_cpp_torch_method_diagonal_self_Tensor', PACKAGE = 'torchpkg', self, offset, dim1, dim2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_diagonal_self_Tensor', PACKAGE = 'torchpkg', self, offset, dim1, dim2)))))) } cpp_torch_method_diagonal_self_Tensor_outdim_Dimname_dim1_Dimname_dim2_Dimname <- function(self, outdim, dim1, dim2, offset) { - cpp_handle_error(.Call('_torch_cpp_torch_method_diagonal_self_Tensor_outdim_Dimname_dim1_Dimname_dim2_Dimname', PACKAGE = 'torchpkg', self, outdim, dim1, dim2, offset)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_diagonal_self_Tensor_outdim_Dimname_dim1_Dimname_dim2_Dimname', PACKAGE = 'torchpkg', self, outdim, dim1, dim2, offset)))))) } cpp_torch_method_fill_diagonal__self_Tensor_fill_value_Scalar <- function(self, fill_value, wrap) { - cpp_handle_error(.Call('_torch_cpp_torch_method_fill_diagonal__self_Tensor_fill_value_Scalar', PACKAGE = 'torchpkg', self, fill_value, wrap)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_fill_diagonal__self_Tensor_fill_value_Scalar', PACKAGE = 'torchpkg', self, fill_value, wrap)))))) } cpp_torch_method_div_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_div_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_div_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_div__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_div__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_div__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_div_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_div_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_div_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_div__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_div__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_div__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_dot_self_Tensor_tensor_Tensor <- function(self, tensor) { - cpp_handle_error(.Call('_torch_cpp_torch_method_dot_self_Tensor_tensor_Tensor', PACKAGE = 'torchpkg', self, tensor)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_dot_self_Tensor_tensor_Tensor', PACKAGE = 'torchpkg', self, tensor)))))) } cpp_torch_method_new_empty_self_Tensor_size_IntArrayRef <- function(self, size, options) { - cpp_handle_error(.Call('_torch_cpp_torch_method_new_empty_self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_new_empty_self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size, options)))))) } cpp_torch_method_new_full_self_Tensor_size_IntArrayRef_fill_value_Scalar <- function(self, size, fill_value, options) { - cpp_handle_error(.Call('_torch_cpp_torch_method_new_full_self_Tensor_size_IntArrayRef_fill_value_Scalar', PACKAGE = 'torchpkg', self, size, fill_value, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_new_full_self_Tensor_size_IntArrayRef_fill_value_Scalar', PACKAGE = 'torchpkg', self, size, fill_value, options)))))) } cpp_torch_method_new_zeros_self_Tensor_size_IntArrayRef <- function(self, size, options) { - cpp_handle_error(.Call('_torch_cpp_torch_method_new_zeros_self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_new_zeros_self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size, options)))))) } cpp_torch_method_resize__self_Tensor_size_IntArrayRef <- function(self, size, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_method_resize__self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_resize__self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size, memory_format)))))) } cpp_torch_method_erf_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_erf_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_erf_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_erf__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_erf__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_erf__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_erfc_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_erfc_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_erfc_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_erfc__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_erfc__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_erfc__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_exp_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_exp_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_exp_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_exp__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_exp__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_exp__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_expm1_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_expm1_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_expm1_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_expm1__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_expm1__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_expm1__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_expand_self_Tensor_size_IntArrayRef <- function(self, size, implicit) { - cpp_handle_error(.Call('_torch_cpp_torch_method_expand_self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size, implicit)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_expand_self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size, implicit)))))) } cpp_torch_method_expand_as_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_expand_as_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_expand_as_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_flatten_self_Tensor <- function(self, start_dim, end_dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_flatten_self_Tensor', PACKAGE = 'torchpkg', self, start_dim, end_dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_flatten_self_Tensor', PACKAGE = 'torchpkg', self, start_dim, end_dim)))))) } cpp_torch_method_flatten_self_Tensor_start_dim_int64_t_end_dim_int64_t_out_dim_Dimname <- function(self, start_dim, end_dim, out_dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_flatten_self_Tensor_start_dim_int64_t_end_dim_int64_t_out_dim_Dimname', PACKAGE = 'torchpkg', self, start_dim, end_dim, out_dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_flatten_self_Tensor_start_dim_int64_t_end_dim_int64_t_out_dim_Dimname', PACKAGE = 'torchpkg', self, start_dim, end_dim, out_dim)))))) } cpp_torch_method_flatten_self_Tensor_start_dim_Dimname_end_dim_Dimname_out_dim_Dimname <- function(self, start_dim, end_dim, out_dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_flatten_self_Tensor_start_dim_Dimname_end_dim_Dimname_out_dim_Dimname', PACKAGE = 'torchpkg', self, start_dim, end_dim, out_dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_flatten_self_Tensor_start_dim_Dimname_end_dim_Dimname_out_dim_Dimname', PACKAGE = 'torchpkg', self, start_dim, end_dim, out_dim)))))) } cpp_torch_method_flatten_self_Tensor_dims_DimnameList_out_dim_Dimname <- function(self, dims, out_dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_flatten_self_Tensor_dims_DimnameList_out_dim_Dimname', PACKAGE = 'torchpkg', self, dims, out_dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_flatten_self_Tensor_dims_DimnameList_out_dim_Dimname', PACKAGE = 'torchpkg', self, dims, out_dim)))))) } cpp_torch_method_fill__self_Tensor_value_Scalar <- function(self, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_fill__self_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_fill__self_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, value)))))) } cpp_torch_method_fill__self_Tensor_value_Tensor <- function(self, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_fill__self_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_fill__self_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, value)))))) } cpp_torch_method_floor_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_floor_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_floor_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_floor__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_floor__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_floor__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_floor_divide_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_floor_divide_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_floor_divide_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_floor_divide__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_floor_divide__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_floor_divide__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_floor_divide_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_floor_divide_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_floor_divide_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_floor_divide__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_floor_divide__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_floor_divide__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_frac_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_frac_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_frac_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_frac__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_frac__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_frac__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_ger_self_Tensor_vec2_Tensor <- function(self, vec2) { - cpp_handle_error(.Call('_torch_cpp_torch_method_ger_self_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_ger_self_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec2)))))) } cpp_torch_method_fft_self_Tensor_signal_ndim_int64_t <- function(self, signal_ndim, normalized) { - cpp_handle_error(.Call('_torch_cpp_torch_method_fft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_fft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized)))))) } cpp_torch_method_ifft_self_Tensor_signal_ndim_int64_t <- function(self, signal_ndim, normalized) { - cpp_handle_error(.Call('_torch_cpp_torch_method_ifft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_ifft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized)))))) } cpp_torch_method_rfft_self_Tensor_signal_ndim_int64_t <- function(self, signal_ndim, normalized, onesided) { - cpp_handle_error(.Call('_torch_cpp_torch_method_rfft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized, onesided)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_rfft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized, onesided)))))) } cpp_torch_method_irfft_self_Tensor_signal_ndim_int64_t <- function(self, signal_ndim, normalized, onesided, signal_sizes) { - cpp_handle_error(.Call('_torch_cpp_torch_method_irfft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized, onesided, signal_sizes)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_irfft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized, onesided, signal_sizes)))))) } cpp_torch_method_index_self_Tensor_indices_TensorList <- function(self, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_self_Tensor_indices_TensorList', PACKAGE = 'torchpkg', self, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_self_Tensor_indices_TensorList', PACKAGE = 'torchpkg', self, indices)))))) } cpp_torch_method_index_copy__self_Tensor_dim_int64_t_index_Tensor_source_Tensor <- function(self, dim, index, source) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_copy__self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_copy__self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)))))) } cpp_torch_method_index_copy_self_Tensor_dim_int64_t_index_Tensor_source_Tensor <- function(self, dim, index, source) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_copy_self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_copy_self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)))))) } cpp_torch_method_index_copy__self_Tensor_dim_Dimname_index_Tensor_source_Tensor <- function(self, dim, index, source) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_copy__self_Tensor_dim_Dimname_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_copy__self_Tensor_dim_Dimname_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)))))) } cpp_torch_method_index_copy_self_Tensor_dim_Dimname_index_Tensor_source_Tensor <- function(self, dim, index, source) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_copy_self_Tensor_dim_Dimname_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_copy_self_Tensor_dim_Dimname_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)))))) } cpp_torch_method_index_put__self_Tensor_indices_TensorList_values_Tensor <- function(self, indices, values, accumulate) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_put__self_Tensor_indices_TensorList_values_Tensor', PACKAGE = 'torchpkg', self, indices, values, accumulate)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_put__self_Tensor_indices_TensorList_values_Tensor', PACKAGE = 'torchpkg', self, indices, values, accumulate)))))) } cpp_torch_method_index_put_self_Tensor_indices_TensorList_values_Tensor <- function(self, indices, values, accumulate) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_put_self_Tensor_indices_TensorList_values_Tensor', PACKAGE = 'torchpkg', self, indices, values, accumulate)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_put_self_Tensor_indices_TensorList_values_Tensor', PACKAGE = 'torchpkg', self, indices, values, accumulate)))))) } cpp_torch_method_inverse_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_inverse_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_inverse_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_isclose_self_Tensor_other_Tensor <- function(self, other, rtol, atol, equal_nan) { - cpp_handle_error(.Call('_torch_cpp_torch_method_isclose_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, rtol, atol, equal_nan)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_isclose_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, rtol, atol, equal_nan)))))) } cpp_torch_method_is_distributed_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_is_distributed_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_is_distributed_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_is_floating_point_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_is_floating_point_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_is_floating_point_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_is_complex_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_is_complex_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_is_complex_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_is_nonzero_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_is_nonzero_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_is_nonzero_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_is_same_size_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_is_same_size_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_is_same_size_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_is_signed_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_is_signed_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_is_signed_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_kthvalue_self_Tensor_k_int64_t <- function(self, k, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_kthvalue_self_Tensor_k_int64_t', PACKAGE = 'torchpkg', self, k, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_kthvalue_self_Tensor_k_int64_t', PACKAGE = 'torchpkg', self, k, dim, keepdim)))))) } cpp_torch_method_kthvalue_self_Tensor_k_int64_t_dim_Dimname <- function(self, k, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_kthvalue_self_Tensor_k_int64_t_dim_Dimname', PACKAGE = 'torchpkg', self, k, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_kthvalue_self_Tensor_k_int64_t_dim_Dimname', PACKAGE = 'torchpkg', self, k, dim, keepdim)))))) } cpp_torch_method_log_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_log_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_log_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_log__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_log__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_log__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_log10_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_log10_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_log10_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_log10__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_log10__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_log10__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_log1p_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_log1p_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_log1p_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_log1p__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_log1p__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_log1p__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_log2_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_log2_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_log2_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_log2__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_log2__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_log2__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_logdet_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_logdet_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_logdet_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_log_softmax_self_Tensor_dim_int64_t <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_log_softmax_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_log_softmax_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_method_log_softmax_self_Tensor_dim_Dimname <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_log_softmax_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_log_softmax_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_method_logsumexp_self_Tensor_dim_IntArrayRef <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_logsumexp_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_logsumexp_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_logsumexp_self_Tensor_dim_DimnameList <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_logsumexp_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_logsumexp_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_matmul_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_matmul_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_matmul_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_matrix_power_self_Tensor_n_int64_t <- function(self, n) { - cpp_handle_error(.Call('_torch_cpp_torch_method_matrix_power_self_Tensor_n_int64_t', PACKAGE = 'torchpkg', self, n)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_matrix_power_self_Tensor_n_int64_t', PACKAGE = 'torchpkg', self, n)))))) } cpp_torch_method_max_self_Tensor_dim_int64_t <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_max_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_max_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_max_values_self_Tensor_dim_IntArrayRef <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_max_values_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_max_values_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_max_self_Tensor_dim_Dimname <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_max_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_max_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_max_values_self_Tensor_dim_DimnameList <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_max_values_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_max_values_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_mean_self_Tensor <- function(self, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_mean_self_Tensor', PACKAGE = 'torchpkg', self, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_mean_self_Tensor', PACKAGE = 'torchpkg', self, dtype)))))) } cpp_torch_method_mean_self_Tensor_dim_IntArrayRef <- function(self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_mean_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_mean_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)))))) } cpp_torch_method_mean_self_Tensor_dim_DimnameList <- function(self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_mean_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_mean_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)))))) } cpp_torch_method_median_self_Tensor_dim_int64_t <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_median_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_median_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_median_self_Tensor_dim_Dimname <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_median_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_median_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_min_self_Tensor_dim_int64_t <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_min_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_min_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_min_values_self_Tensor_dim_IntArrayRef <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_min_values_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_min_values_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_min_self_Tensor_dim_Dimname <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_min_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_min_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_min_values_self_Tensor_dim_DimnameList <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_min_values_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_min_values_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_mm_self_Tensor_mat2_Tensor <- function(self, mat2) { - cpp_handle_error(.Call('_torch_cpp_torch_method_mm_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_mm_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat2)))))) } cpp_torch_method_mode_self_Tensor <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_mode_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_mode_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_mode_self_Tensor_dim_Dimname <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_mode_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_mode_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_method_mul_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_mul_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_mul_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_mul__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_mul__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_mul__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_mul_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_mul_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_mul_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_mul__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_mul__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_mul__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_mv_self_Tensor_vec_Tensor <- function(self, vec) { - cpp_handle_error(.Call('_torch_cpp_torch_method_mv_self_Tensor_vec_Tensor', PACKAGE = 'torchpkg', self, vec)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_mv_self_Tensor_vec_Tensor', PACKAGE = 'torchpkg', self, vec)))))) } cpp_torch_method_mvlgamma_self_Tensor_p_int64_t <- function(self, p) { - cpp_handle_error(.Call('_torch_cpp_torch_method_mvlgamma_self_Tensor_p_int64_t', PACKAGE = 'torchpkg', self, p)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_mvlgamma_self_Tensor_p_int64_t', PACKAGE = 'torchpkg', self, p)))))) } cpp_torch_method_mvlgamma__self_Tensor_p_int64_t <- function(self, p) { - cpp_handle_error(.Call('_torch_cpp_torch_method_mvlgamma__self_Tensor_p_int64_t', PACKAGE = 'torchpkg', self, p)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_mvlgamma__self_Tensor_p_int64_t', PACKAGE = 'torchpkg', self, p)))))) } cpp_torch_method_narrow_copy_self_Tensor_dim_int64_t_start_int64_t_length_int64_t <- function(self, dim, start, length) { - cpp_handle_error(.Call('_torch_cpp_torch_method_narrow_copy_self_Tensor_dim_int64_t_start_int64_t_length_int64_t', PACKAGE = 'torchpkg', self, dim, start, length)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_narrow_copy_self_Tensor_dim_int64_t_start_int64_t_length_int64_t', PACKAGE = 'torchpkg', self, dim, start, length)))))) } cpp_torch_method_narrow_self_Tensor_dim_int64_t_start_int64_t_length_int64_t <- function(self, dim, start, length) { - cpp_handle_error(.Call('_torch_cpp_torch_method_narrow_self_Tensor_dim_int64_t_start_int64_t_length_int64_t', PACKAGE = 'torchpkg', self, dim, start, length)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_narrow_self_Tensor_dim_int64_t_start_int64_t_length_int64_t', PACKAGE = 'torchpkg', self, dim, start, length)))))) } cpp_torch_method_narrow_self_Tensor_dim_int64_t_start_Tensor_length_int64_t <- function(self, dim, start, length) { - cpp_handle_error(.Call('_torch_cpp_torch_method_narrow_self_Tensor_dim_int64_t_start_Tensor_length_int64_t', PACKAGE = 'torchpkg', self, dim, start, length)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_narrow_self_Tensor_dim_int64_t_start_Tensor_length_int64_t', PACKAGE = 'torchpkg', self, dim, start, length)))))) } cpp_torch_method_permute_self_Tensor_dims_IntArrayRef <- function(self, dims) { - cpp_handle_error(.Call('_torch_cpp_torch_method_permute_self_Tensor_dims_IntArrayRef', PACKAGE = 'torchpkg', self, dims)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_permute_self_Tensor_dims_IntArrayRef', PACKAGE = 'torchpkg', self, dims)))))) } cpp_torch_method_numpy_T_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_numpy_T_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_numpy_T_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_is_pinned_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_is_pinned_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_is_pinned_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_pin_memory_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_pin_memory_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_pin_memory_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_pinverse_self_Tensor <- function(self, rcond) { - cpp_handle_error(.Call('_torch_cpp_torch_method_pinverse_self_Tensor', PACKAGE = 'torchpkg', self, rcond)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_pinverse_self_Tensor', PACKAGE = 'torchpkg', self, rcond)))))) } cpp_torch_method_reciprocal_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_reciprocal_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_reciprocal_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_reciprocal__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_reciprocal__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_reciprocal__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_neg_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_neg_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_neg_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_neg__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_neg__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_neg__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_repeat_self_Tensor_repeats_IntArrayRef <- function(self, repeats) { - cpp_handle_error(.Call('_torch_cpp_torch_method_repeat_self_Tensor_repeats_IntArrayRef', PACKAGE = 'torchpkg', self, repeats)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_repeat_self_Tensor_repeats_IntArrayRef', PACKAGE = 'torchpkg', self, repeats)))))) } cpp_torch_method_repeat_interleave_self_Tensor_repeats_Tensor <- function(self, repeats, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_repeat_interleave_self_Tensor_repeats_Tensor', PACKAGE = 'torchpkg', self, repeats, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_repeat_interleave_self_Tensor_repeats_Tensor', PACKAGE = 'torchpkg', self, repeats, dim)))))) } cpp_torch_method_repeat_interleave_self_Tensor_repeats_int64_t <- function(self, repeats, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_repeat_interleave_self_Tensor_repeats_int64_t', PACKAGE = 'torchpkg', self, repeats, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_repeat_interleave_self_Tensor_repeats_int64_t', PACKAGE = 'torchpkg', self, repeats, dim)))))) } cpp_torch_method_reshape_self_Tensor_shape_IntArrayRef <- function(self, shape) { - cpp_handle_error(.Call('_torch_cpp_torch_method_reshape_self_Tensor_shape_IntArrayRef', PACKAGE = 'torchpkg', self, shape)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_reshape_self_Tensor_shape_IntArrayRef', PACKAGE = 'torchpkg', self, shape)))))) } cpp_torch_method_reshape_as_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_reshape_as_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_reshape_as_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_round_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_round_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_round_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_round__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_round__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_round__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_relu_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_relu_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_relu_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_relu__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_relu__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_relu__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_prelu_self_Tensor_weight_Tensor <- function(self, weight) { - cpp_handle_error(.Call('_torch_cpp_torch_method_prelu_self_Tensor_weight_Tensor', PACKAGE = 'torchpkg', self, weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_prelu_self_Tensor_weight_Tensor', PACKAGE = 'torchpkg', self, weight)))))) } cpp_torch_method_prelu_backward_grad_output_Tensor_self_Tensor_weight_Tensor <- function(grad_output, self, weight) { - cpp_handle_error(.Call('_torch_cpp_torch_method_prelu_backward_grad_output_Tensor_self_Tensor_weight_Tensor', PACKAGE = 'torchpkg', grad_output, self, weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_prelu_backward_grad_output_Tensor_self_Tensor_weight_Tensor', PACKAGE = 'torchpkg', grad_output, self, weight)))))) } cpp_torch_method_hardshrink_self_Tensor <- function(self, lambd) { - cpp_handle_error(.Call('_torch_cpp_torch_method_hardshrink_self_Tensor', PACKAGE = 'torchpkg', self, lambd)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_hardshrink_self_Tensor', PACKAGE = 'torchpkg', self, lambd)))))) } cpp_torch_method_hardshrink_backward_grad_out_Tensor_self_Tensor_lambd_Scalar <- function(grad_out, self, lambd) { - cpp_handle_error(.Call('_torch_cpp_torch_method_hardshrink_backward_grad_out_Tensor_self_Tensor_lambd_Scalar', PACKAGE = 'torchpkg', grad_out, self, lambd)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_hardshrink_backward_grad_out_Tensor_self_Tensor_lambd_Scalar', PACKAGE = 'torchpkg', grad_out, self, lambd)))))) } cpp_torch_method_rsqrt_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_rsqrt_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_rsqrt_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_rsqrt__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_rsqrt__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_rsqrt__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_select_self_Tensor_dim_Dimname_index_int64_t <- function(self, dim, index) { - cpp_handle_error(.Call('_torch_cpp_torch_method_select_self_Tensor_dim_Dimname_index_int64_t', PACKAGE = 'torchpkg', self, dim, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_select_self_Tensor_dim_Dimname_index_int64_t', PACKAGE = 'torchpkg', self, dim, index)))))) } cpp_torch_method_select_self_Tensor_dim_int64_t_index_int64_t <- function(self, dim, index) { - cpp_handle_error(.Call('_torch_cpp_torch_method_select_self_Tensor_dim_int64_t_index_int64_t', PACKAGE = 'torchpkg', self, dim, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_select_self_Tensor_dim_int64_t_index_int64_t', PACKAGE = 'torchpkg', self, dim, index)))))) } cpp_torch_method_sigmoid_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sigmoid_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sigmoid_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_sigmoid__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sigmoid__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sigmoid__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_sin_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sin_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sin_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_sin__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sin__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sin__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_sinh_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sinh_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sinh_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_sinh__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sinh__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sinh__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_detach_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_detach_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_detach_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_detach__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_detach__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_detach__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_size_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_size_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_size_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_size_self_Tensor_dim_Dimname <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_size_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_size_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_slice_self_Tensor <- function(self, dim, start, end, step) { - cpp_handle_error(.Call('_torch_cpp_torch_method_slice_self_Tensor', PACKAGE = 'torchpkg', self, dim, start, end, step)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_slice_self_Tensor', PACKAGE = 'torchpkg', self, dim, start, end, step)))))) } cpp_torch_method_slogdet_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_slogdet_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_slogdet_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_smm_self_Tensor_mat2_Tensor <- function(self, mat2) { - cpp_handle_error(.Call('_torch_cpp_torch_method_smm_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_smm_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat2)))))) } cpp_torch_method_softmax_self_Tensor_dim_int64_t <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_softmax_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_softmax_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_method_softmax_self_Tensor_dim_Dimname <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_softmax_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_softmax_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_method_split_self_Tensor_split_size_int64_t <- function(self, split_size, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_split_self_Tensor_split_size_int64_t', PACKAGE = 'torchpkg', self, split_size, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_split_self_Tensor_split_size_int64_t', PACKAGE = 'torchpkg', self, split_size, dim)))))) } cpp_torch_method_split_with_sizes_self_Tensor_split_sizes_IntArrayRef <- function(self, split_sizes, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_split_with_sizes_self_Tensor_split_sizes_IntArrayRef', PACKAGE = 'torchpkg', self, split_sizes, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_split_with_sizes_self_Tensor_split_sizes_IntArrayRef', PACKAGE = 'torchpkg', self, split_sizes, dim)))))) } cpp_torch_method_squeeze_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_squeeze_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_squeeze_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_squeeze_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_squeeze_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_squeeze_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_squeeze_self_Tensor_dim_Dimname <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_squeeze_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_squeeze_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_squeeze__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_squeeze__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_squeeze__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_squeeze__self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_squeeze__self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_squeeze__self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_squeeze__self_Tensor_dim_Dimname <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_squeeze__self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_squeeze__self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_sspaddmm_self_Tensor_mat1_Tensor_mat2_Tensor <- function(self, mat1, mat2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sspaddmm_self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat1, mat2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sspaddmm_self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat1, mat2, beta, alpha)))))) } cpp_torch_method_stft_self_Tensor_n_fft_int64_t <- function(self, n_fft, hop_length, win_length, window, normalized, onesided) { - cpp_handle_error(.Call('_torch_cpp_torch_method_stft_self_Tensor_n_fft_int64_t', PACKAGE = 'torchpkg', self, n_fft, hop_length, win_length, window, normalized, onesided)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_stft_self_Tensor_n_fft_int64_t', PACKAGE = 'torchpkg', self, n_fft, hop_length, win_length, window, normalized, onesided)))))) } cpp_torch_method_stride_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_stride_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_stride_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_stride_self_Tensor_dim_Dimname <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_stride_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_stride_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_sum_self_Tensor <- function(self, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sum_self_Tensor', PACKAGE = 'torchpkg', self, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sum_self_Tensor', PACKAGE = 'torchpkg', self, dtype)))))) } cpp_torch_method_sum_self_Tensor_dim_IntArrayRef <- function(self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sum_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sum_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)))))) } cpp_torch_method_sum_self_Tensor_dim_DimnameList <- function(self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sum_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sum_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)))))) } cpp_torch_method_sum_to_size_self_Tensor_size_IntArrayRef <- function(self, size) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sum_to_size_self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sum_to_size_self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size)))))) } cpp_torch_method_sqrt_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sqrt_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sqrt_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_sqrt__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sqrt__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sqrt__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_square_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_square_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_square_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_square__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_square__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_square__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_std_self_Tensor <- function(self, unbiased) { - cpp_handle_error(.Call('_torch_cpp_torch_method_std_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_std_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)))))) } cpp_torch_method_std_self_Tensor_dim_IntArrayRef <- function(self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_std_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_std_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)))))) } cpp_torch_method_std_self_Tensor_dim_DimnameList <- function(self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_std_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_std_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)))))) } cpp_torch_method_prod_self_Tensor <- function(self, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_prod_self_Tensor', PACKAGE = 'torchpkg', self, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_prod_self_Tensor', PACKAGE = 'torchpkg', self, dtype)))))) } cpp_torch_method_prod_self_Tensor_dim_int64_t <- function(self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_prod_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_prod_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)))))) } cpp_torch_method_prod_self_Tensor_dim_Dimname <- function(self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_prod_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_prod_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)))))) } cpp_torch_method_t_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_t_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_t_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_t__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_t__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_t__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_tan_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_tan_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_tan_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_tan__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_tan__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_tan__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_tanh_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_tanh_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_tanh_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_tanh__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_tanh__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_tanh__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_transpose_self_Tensor_dim0_int64_t_dim1_int64_t <- function(self, dim0, dim1) { - cpp_handle_error(.Call('_torch_cpp_torch_method_transpose_self_Tensor_dim0_int64_t_dim1_int64_t', PACKAGE = 'torchpkg', self, dim0, dim1)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_transpose_self_Tensor_dim0_int64_t_dim1_int64_t', PACKAGE = 'torchpkg', self, dim0, dim1)))))) } cpp_torch_method_transpose_self_Tensor_dim0_Dimname_dim1_Dimname <- function(self, dim0, dim1) { - cpp_handle_error(.Call('_torch_cpp_torch_method_transpose_self_Tensor_dim0_Dimname_dim1_Dimname', PACKAGE = 'torchpkg', self, dim0, dim1)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_transpose_self_Tensor_dim0_Dimname_dim1_Dimname', PACKAGE = 'torchpkg', self, dim0, dim1)))))) } cpp_torch_method_transpose__self_Tensor_dim0_int64_t_dim1_int64_t <- function(self, dim0, dim1) { - cpp_handle_error(.Call('_torch_cpp_torch_method_transpose__self_Tensor_dim0_int64_t_dim1_int64_t', PACKAGE = 'torchpkg', self, dim0, dim1)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_transpose__self_Tensor_dim0_int64_t_dim1_int64_t', PACKAGE = 'torchpkg', self, dim0, dim1)))))) } cpp_torch_method_flip_self_Tensor_dims_IntArrayRef <- function(self, dims) { - cpp_handle_error(.Call('_torch_cpp_torch_method_flip_self_Tensor_dims_IntArrayRef', PACKAGE = 'torchpkg', self, dims)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_flip_self_Tensor_dims_IntArrayRef', PACKAGE = 'torchpkg', self, dims)))))) } cpp_torch_method_roll_self_Tensor_shifts_IntArrayRef <- function(self, shifts, dims) { - cpp_handle_error(.Call('_torch_cpp_torch_method_roll_self_Tensor_shifts_IntArrayRef', PACKAGE = 'torchpkg', self, shifts, dims)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_roll_self_Tensor_shifts_IntArrayRef', PACKAGE = 'torchpkg', self, shifts, dims)))))) } cpp_torch_method_rot90_self_Tensor <- function(self, k, dims) { - cpp_handle_error(.Call('_torch_cpp_torch_method_rot90_self_Tensor', PACKAGE = 'torchpkg', self, k, dims)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_rot90_self_Tensor', PACKAGE = 'torchpkg', self, k, dims)))))) } cpp_torch_method_true_divide_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_true_divide_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_true_divide_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_true_divide__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_true_divide__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_true_divide__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_true_divide_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_true_divide_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_true_divide_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_true_divide__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_true_divide__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_true_divide__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_trunc_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_trunc_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_trunc_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_trunc__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_trunc__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_trunc__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_type_as_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_type_as_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_type_as_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_unsqueeze_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_unsqueeze_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_unsqueeze_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_unsqueeze__self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_unsqueeze__self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_unsqueeze__self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_var_self_Tensor <- function(self, unbiased) { - cpp_handle_error(.Call('_torch_cpp_torch_method_var_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_var_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)))))) } cpp_torch_method_var_self_Tensor_dim_IntArrayRef <- function(self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_var_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_var_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)))))) } cpp_torch_method_var_self_Tensor_dim_DimnameList <- function(self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_var_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_var_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)))))) } cpp_torch_method_view_as_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_view_as_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_view_as_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_where_condition_Tensor_self_Tensor_other_Tensor <- function(condition, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_where_condition_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', condition, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_where_condition_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', condition, self, other)))))) } cpp_torch_method_norm_self_Tensor_p_Scalar_dtype_ScalarType <- function(self, p, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_norm_self_Tensor_p_Scalar_dtype_ScalarType', PACKAGE = 'torchpkg', self, p, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_norm_self_Tensor_p_Scalar_dtype_ScalarType', PACKAGE = 'torchpkg', self, p, dtype)))))) } cpp_torch_method_norm_self_Tensor <- function(self, p) { - cpp_handle_error(.Call('_torch_cpp_torch_method_norm_self_Tensor', PACKAGE = 'torchpkg', self, p)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_norm_self_Tensor', PACKAGE = 'torchpkg', self, p)))))) } cpp_torch_method_norm_self_Tensor_p_Scalar_dim_IntArrayRef_keepdim_bool_dtype_ScalarType <- function(self, p, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_norm_self_Tensor_p_Scalar_dim_IntArrayRef_keepdim_bool_dtype_ScalarType', PACKAGE = 'torchpkg', self, p, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_norm_self_Tensor_p_Scalar_dim_IntArrayRef_keepdim_bool_dtype_ScalarType', PACKAGE = 'torchpkg', self, p, dim, keepdim, dtype)))))) } cpp_torch_method_norm_self_Tensor_p_Scalar_dim_IntArrayRef <- function(self, p, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_norm_self_Tensor_p_Scalar_dim_IntArrayRef', PACKAGE = 'torchpkg', self, p, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_norm_self_Tensor_p_Scalar_dim_IntArrayRef', PACKAGE = 'torchpkg', self, p, dim, keepdim)))))) } cpp_torch_method_norm_self_Tensor_p_Scalar_dim_DimnameList_keepdim_bool_dtype_ScalarType <- function(self, p, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_method_norm_self_Tensor_p_Scalar_dim_DimnameList_keepdim_bool_dtype_ScalarType', PACKAGE = 'torchpkg', self, p, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_norm_self_Tensor_p_Scalar_dim_DimnameList_keepdim_bool_dtype_ScalarType', PACKAGE = 'torchpkg', self, p, dim, keepdim, dtype)))))) } cpp_torch_method_norm_self_Tensor_p_Scalar_dim_DimnameList <- function(self, p, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_norm_self_Tensor_p_Scalar_dim_DimnameList', PACKAGE = 'torchpkg', self, p, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_norm_self_Tensor_p_Scalar_dim_DimnameList', PACKAGE = 'torchpkg', self, p, dim, keepdim)))))) } cpp_torch_method_clone_self_Tensor <- function(self, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_method_clone_self_Tensor', PACKAGE = 'torchpkg', self, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_clone_self_Tensor', PACKAGE = 'torchpkg', self, memory_format)))))) } cpp_torch_method_resize_as__self_Tensor_the_template_Tensor <- function(self, the_template, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_method_resize_as__self_Tensor_the_template_Tensor', PACKAGE = 'torchpkg', self, the_template, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_resize_as__self_Tensor_the_template_Tensor', PACKAGE = 'torchpkg', self, the_template, memory_format)))))) } cpp_torch_method_pow_self_Tensor_exponent_Scalar <- function(self, exponent) { - cpp_handle_error(.Call('_torch_cpp_torch_method_pow_self_Tensor_exponent_Scalar', PACKAGE = 'torchpkg', self, exponent)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_pow_self_Tensor_exponent_Scalar', PACKAGE = 'torchpkg', self, exponent)))))) } cpp_torch_method_zero__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_zero__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_zero__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_sub_self_Tensor_other_Tensor <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sub_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sub_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_method_sub__self_Tensor_other_Tensor <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sub__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sub__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_method_sub_self_Tensor_other_Scalar <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sub_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sub_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_method_sub__self_Tensor_other_Scalar <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sub__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sub__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_method_addmm_self_Tensor_mat1_Tensor_mat2_Tensor <- function(self, mat1, mat2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_addmm_self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat1, mat2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_addmm_self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat1, mat2, beta, alpha)))))) } cpp_torch_method_addmm__self_Tensor_mat1_Tensor_mat2_Tensor <- function(self, mat1, mat2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_addmm__self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat1, mat2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_addmm__self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat1, mat2, beta, alpha)))))) } cpp_torch_method_sparse_resize__self_Tensor_size_IntArrayRef_sparse_dim_int64_t_dense_dim_int64_t <- function(self, size, sparse_dim, dense_dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sparse_resize__self_Tensor_size_IntArrayRef_sparse_dim_int64_t_dense_dim_int64_t', PACKAGE = 'torchpkg', self, size, sparse_dim, dense_dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sparse_resize__self_Tensor_size_IntArrayRef_sparse_dim_int64_t_dense_dim_int64_t', PACKAGE = 'torchpkg', self, size, sparse_dim, dense_dim)))))) } cpp_torch_method_sparse_resize_and_clear__self_Tensor_size_IntArrayRef_sparse_dim_int64_t_dense_dim_int64_t <- function(self, size, sparse_dim, dense_dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sparse_resize_and_clear__self_Tensor_size_IntArrayRef_sparse_dim_int64_t_dense_dim_int64_t', PACKAGE = 'torchpkg', self, size, sparse_dim, dense_dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sparse_resize_and_clear__self_Tensor_size_IntArrayRef_sparse_dim_int64_t_dense_dim_int64_t', PACKAGE = 'torchpkg', self, size, sparse_dim, dense_dim)))))) } cpp_torch_method_sparse_mask_self_Tensor_mask_Tensor <- function(self, mask) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sparse_mask_self_Tensor_mask_Tensor', PACKAGE = 'torchpkg', self, mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sparse_mask_self_Tensor_mask_Tensor', PACKAGE = 'torchpkg', self, mask)))))) } cpp_torch_method_to_dense_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_to_dense_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_to_dense_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_sparse_dim_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sparse_dim_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sparse_dim_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method__dimI_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method__dimI_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method__dimI_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_dense_dim_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_dense_dim_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_dense_dim_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method__dimV_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method__dimV_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method__dimV_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method__nnz_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method__nnz_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method__nnz_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_coalesce_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_coalesce_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_coalesce_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_is_coalesced_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_is_coalesced_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_is_coalesced_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method__indices_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method__indices_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method__indices_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method__values_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method__values_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method__values_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method__coalesced__self_Tensor_coalesced_bool <- function(self, coalesced) { - cpp_handle_error(.Call('_torch_cpp_torch_method__coalesced__self_Tensor_coalesced_bool', PACKAGE = 'torchpkg', self, coalesced)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method__coalesced__self_Tensor_coalesced_bool', PACKAGE = 'torchpkg', self, coalesced)))))) } cpp_torch_method_indices_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_indices_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_indices_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_values_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_values_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_values_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_unbind_self_Tensor <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_unbind_self_Tensor', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_unbind_self_Tensor', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_unbind_self_Tensor_dim_Dimname <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_unbind_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_unbind_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_method_to_sparse_self_Tensor_sparse_dim_int64_t <- function(self, sparse_dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_to_sparse_self_Tensor_sparse_dim_int64_t', PACKAGE = 'torchpkg', self, sparse_dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_to_sparse_self_Tensor_sparse_dim_int64_t', PACKAGE = 'torchpkg', self, sparse_dim)))))) } cpp_torch_method_to_sparse_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_to_sparse_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_to_sparse_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_to_mkldnn_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_to_mkldnn_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_to_mkldnn_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_dequantize_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_dequantize_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_dequantize_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_q_scale_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_q_scale_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_q_scale_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_q_zero_point_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_q_zero_point_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_q_zero_point_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_q_per_channel_scales_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_q_per_channel_scales_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_q_per_channel_scales_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_q_per_channel_zero_points_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_q_per_channel_zero_points_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_q_per_channel_zero_points_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_q_per_channel_axis_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_q_per_channel_axis_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_q_per_channel_axis_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_int_repr_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_int_repr_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_int_repr_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_qscheme_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_qscheme_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_qscheme_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_to_self_Tensor_options_TensorOptions <- function(self, options, non_blocking, copy, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_method_to_self_Tensor_options_TensorOptions', PACKAGE = 'torchpkg', self, options, non_blocking, copy, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_to_self_Tensor_options_TensorOptions', PACKAGE = 'torchpkg', self, options, non_blocking, copy, memory_format)))))) } cpp_torch_method_to_self_Tensor_device_Device_dtype_ScalarType <- function(self, device, dtype, non_blocking, copy, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_method_to_self_Tensor_device_Device_dtype_ScalarType', PACKAGE = 'torchpkg', self, device, dtype, non_blocking, copy, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_to_self_Tensor_device_Device_dtype_ScalarType', PACKAGE = 'torchpkg', self, device, dtype, non_blocking, copy, memory_format)))))) } cpp_torch_method_to_self_Tensor_dtype_ScalarType <- function(self, dtype, non_blocking, copy, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_method_to_self_Tensor_dtype_ScalarType', PACKAGE = 'torchpkg', self, dtype, non_blocking, copy, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_to_self_Tensor_dtype_ScalarType', PACKAGE = 'torchpkg', self, dtype, non_blocking, copy, memory_format)))))) } cpp_torch_method_to_self_Tensor_other_Tensor <- function(self, other, non_blocking, copy, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_method_to_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, non_blocking, copy, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_to_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, non_blocking, copy, memory_format)))))) } cpp_torch_method_item_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_item_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_item_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_set__self_Tensor_source_Storage <- function(self, source) { - cpp_handle_error(.Call('_torch_cpp_torch_method_set__self_Tensor_source_Storage', PACKAGE = 'torchpkg', self, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_set__self_Tensor_source_Storage', PACKAGE = 'torchpkg', self, source)))))) } cpp_torch_method_set__self_Tensor_source_Storage_storage_offset_int64_t_size_IntArrayRef <- function(self, source, storage_offset, size, stride) { - cpp_handle_error(.Call('_torch_cpp_torch_method_set__self_Tensor_source_Storage_storage_offset_int64_t_size_IntArrayRef', PACKAGE = 'torchpkg', self, source, storage_offset, size, stride)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_set__self_Tensor_source_Storage_storage_offset_int64_t_size_IntArrayRef', PACKAGE = 'torchpkg', self, source, storage_offset, size, stride)))))) } cpp_torch_method_set__self_Tensor_source_Tensor <- function(self, source) { - cpp_handle_error(.Call('_torch_cpp_torch_method_set__self_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_set__self_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, source)))))) } cpp_torch_method_set__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_set__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_set__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_is_set_to_self_Tensor_tensor_Tensor <- function(self, tensor) { - cpp_handle_error(.Call('_torch_cpp_torch_method_is_set_to_self_Tensor_tensor_Tensor', PACKAGE = 'torchpkg', self, tensor)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_is_set_to_self_Tensor_tensor_Tensor', PACKAGE = 'torchpkg', self, tensor)))))) } cpp_torch_method_masked_fill__self_Tensor_mask_Tensor_value_Scalar <- function(self, mask, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_masked_fill__self_Tensor_mask_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, mask, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_masked_fill__self_Tensor_mask_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, mask, value)))))) } cpp_torch_method_masked_fill_self_Tensor_mask_Tensor_value_Scalar <- function(self, mask, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_masked_fill_self_Tensor_mask_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, mask, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_masked_fill_self_Tensor_mask_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, mask, value)))))) } cpp_torch_method_masked_fill__self_Tensor_mask_Tensor_value_Tensor <- function(self, mask, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_masked_fill__self_Tensor_mask_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, mask, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_masked_fill__self_Tensor_mask_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, mask, value)))))) } cpp_torch_method_masked_fill_self_Tensor_mask_Tensor_value_Tensor <- function(self, mask, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_masked_fill_self_Tensor_mask_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, mask, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_masked_fill_self_Tensor_mask_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, mask, value)))))) } cpp_torch_method_masked_scatter__self_Tensor_mask_Tensor_source_Tensor <- function(self, mask, source) { - cpp_handle_error(.Call('_torch_cpp_torch_method_masked_scatter__self_Tensor_mask_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, mask, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_masked_scatter__self_Tensor_mask_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, mask, source)))))) } cpp_torch_method_masked_scatter_self_Tensor_mask_Tensor_source_Tensor <- function(self, mask, source) { - cpp_handle_error(.Call('_torch_cpp_torch_method_masked_scatter_self_Tensor_mask_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, mask, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_masked_scatter_self_Tensor_mask_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, mask, source)))))) } cpp_torch_method_view_self_Tensor_size_IntArrayRef <- function(self, size) { - cpp_handle_error(.Call('_torch_cpp_torch_method_view_self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_view_self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size)))))) } cpp_torch_method_put__self_Tensor_index_Tensor_source_Tensor <- function(self, index, source, accumulate) { - cpp_handle_error(.Call('_torch_cpp_torch_method_put__self_Tensor_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, index, source, accumulate)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_put__self_Tensor_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, index, source, accumulate)))))) } cpp_torch_method_index_add__self_Tensor_dim_int64_t_index_Tensor_source_Tensor <- function(self, dim, index, source) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_add__self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_add__self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)))))) } cpp_torch_method_index_add_self_Tensor_dim_int64_t_index_Tensor_source_Tensor <- function(self, dim, index, source) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_add_self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_add_self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)))))) } cpp_torch_method_index_add_self_Tensor_dim_Dimname_index_Tensor_source_Tensor <- function(self, dim, index, source) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_add_self_Tensor_dim_Dimname_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_add_self_Tensor_dim_Dimname_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)))))) } cpp_torch_method_index_fill__self_Tensor_dim_int64_t_index_Tensor_value_Scalar <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill__self_Tensor_dim_int64_t_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill__self_Tensor_dim_int64_t_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_method_index_fill_self_Tensor_dim_int64_t_index_Tensor_value_Scalar <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill_self_Tensor_dim_int64_t_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill_self_Tensor_dim_int64_t_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_method_index_fill__self_Tensor_dim_int64_t_index_Tensor_value_Tensor <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill__self_Tensor_dim_int64_t_index_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill__self_Tensor_dim_int64_t_index_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_method_index_fill_self_Tensor_dim_int64_t_index_Tensor_value_Tensor <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill_self_Tensor_dim_int64_t_index_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill_self_Tensor_dim_int64_t_index_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_method_index_fill__self_Tensor_dim_Dimname_index_Tensor_value_Scalar <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill__self_Tensor_dim_Dimname_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill__self_Tensor_dim_Dimname_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_method_index_fill__self_Tensor_dim_Dimname_index_Tensor_value_Tensor <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill__self_Tensor_dim_Dimname_index_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill__self_Tensor_dim_Dimname_index_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_method_index_fill_self_Tensor_dim_Dimname_index_Tensor_value_Scalar <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill_self_Tensor_dim_Dimname_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill_self_Tensor_dim_Dimname_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_method_index_fill_self_Tensor_dim_Dimname_index_Tensor_value_Tensor <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill_self_Tensor_dim_Dimname_index_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_fill_self_Tensor_dim_Dimname_index_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_method_scatter__self_Tensor_dim_int64_t_index_Tensor_src_Tensor <- function(self, dim, index, src) { - cpp_handle_error(.Call('_torch_cpp_torch_method_scatter__self_Tensor_dim_int64_t_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_scatter__self_Tensor_dim_int64_t_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)))))) } cpp_torch_method_scatter_self_Tensor_dim_int64_t_index_Tensor_src_Tensor <- function(self, dim, index, src) { - cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_self_Tensor_dim_int64_t_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_self_Tensor_dim_int64_t_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)))))) } cpp_torch_method_scatter__self_Tensor_dim_int64_t_index_Tensor_value_Scalar <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_scatter__self_Tensor_dim_int64_t_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_scatter__self_Tensor_dim_int64_t_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_method_scatter_self_Tensor_dim_int64_t_index_Tensor_value_Scalar <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_self_Tensor_dim_int64_t_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_self_Tensor_dim_int64_t_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_method_scatter_self_Tensor_dim_Dimname_index_Tensor_src_Tensor <- function(self, dim, index, src) { - cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_self_Tensor_dim_Dimname_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_self_Tensor_dim_Dimname_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)))))) } cpp_torch_method_scatter_self_Tensor_dim_Dimname_index_Tensor_value_Scalar <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_self_Tensor_dim_Dimname_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_self_Tensor_dim_Dimname_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_method_scatter_add__self_Tensor_dim_int64_t_index_Tensor_src_Tensor <- function(self, dim, index, src) { - cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_add__self_Tensor_dim_int64_t_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_add__self_Tensor_dim_int64_t_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)))))) } cpp_torch_method_scatter_add_self_Tensor_dim_int64_t_index_Tensor_src_Tensor <- function(self, dim, index, src) { - cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_add_self_Tensor_dim_int64_t_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_add_self_Tensor_dim_int64_t_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)))))) } cpp_torch_method_scatter_add_self_Tensor_dim_Dimname_index_Tensor_src_Tensor <- function(self, dim, index, src) { - cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_add_self_Tensor_dim_Dimname_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_scatter_add_self_Tensor_dim_Dimname_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)))))) } cpp_torch_method_lt__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_lt__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_lt__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_lt__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_lt__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_lt__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_gt__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_gt__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_gt__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_gt__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_gt__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_gt__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_le__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_le__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_le__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_le__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_le__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_le__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_ge__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_ge__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_ge__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_ge__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_ge__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_ge__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_eq__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_eq__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_eq__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_eq__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_eq__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_eq__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_ne__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_ne__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_ne__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_ne__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_ne__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_ne__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_bitwise_and_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_and_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_and_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_bitwise_and_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_and_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_and_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_bitwise_and__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_and__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_and__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_bitwise_and__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_and__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_and__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___and___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___and___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___and___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___and___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___and___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___and___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___iand___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___iand___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___iand___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___iand___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___iand___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___iand___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_bitwise_or_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_or_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_or_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_bitwise_or_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_or_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_or_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_bitwise_or__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_or__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_or__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_bitwise_or__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_or__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_or__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___or___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___or___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___or___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___or___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___or___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___or___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___ior___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___ior___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___ior___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___ior___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___ior___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___ior___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_bitwise_xor_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_xor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_xor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_bitwise_xor_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_xor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_xor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_bitwise_xor__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_xor__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_xor__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_bitwise_xor__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_xor__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_bitwise_xor__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___xor___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___xor___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___xor___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___xor___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___xor___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___xor___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___ixor___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___ixor___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___ixor___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___ixor___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___ixor___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___ixor___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___lshift___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___lshift___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___lshift___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___lshift___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___lshift___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___lshift___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___ilshift___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___ilshift___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___ilshift___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___ilshift___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___ilshift___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___ilshift___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___rshift___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___rshift___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___rshift___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___rshift___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___rshift___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___rshift___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___irshift___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___irshift___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___irshift___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method___irshift___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method___irshift___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method___irshift___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_lgamma__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_lgamma__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_lgamma__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_atan2__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_atan2__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_atan2__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_tril__self_Tensor <- function(self, diagonal) { - cpp_handle_error(.Call('_torch_cpp_torch_method_tril__self_Tensor', PACKAGE = 'torchpkg', self, diagonal)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_tril__self_Tensor', PACKAGE = 'torchpkg', self, diagonal)))))) } cpp_torch_method_triu__self_Tensor <- function(self, diagonal) { - cpp_handle_error(.Call('_torch_cpp_torch_method_triu__self_Tensor', PACKAGE = 'torchpkg', self, diagonal)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_triu__self_Tensor', PACKAGE = 'torchpkg', self, diagonal)))))) } cpp_torch_method_digamma__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_digamma__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_digamma__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_polygamma__self_Tensor_n_int64_t <- function(self, n) { - cpp_handle_error(.Call('_torch_cpp_torch_method_polygamma__self_Tensor_n_int64_t', PACKAGE = 'torchpkg', self, n)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_polygamma__self_Tensor_n_int64_t', PACKAGE = 'torchpkg', self, n)))))) } cpp_torch_method_renorm__self_Tensor_p_Scalar_dim_int64_t_maxnorm_Scalar <- function(self, p, dim, maxnorm) { - cpp_handle_error(.Call('_torch_cpp_torch_method_renorm__self_Tensor_p_Scalar_dim_int64_t_maxnorm_Scalar', PACKAGE = 'torchpkg', self, p, dim, maxnorm)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_renorm__self_Tensor_p_Scalar_dim_int64_t_maxnorm_Scalar', PACKAGE = 'torchpkg', self, p, dim, maxnorm)))))) } cpp_torch_method_pow__self_Tensor_exponent_Scalar <- function(self, exponent) { - cpp_handle_error(.Call('_torch_cpp_torch_method_pow__self_Tensor_exponent_Scalar', PACKAGE = 'torchpkg', self, exponent)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_pow__self_Tensor_exponent_Scalar', PACKAGE = 'torchpkg', self, exponent)))))) } cpp_torch_method_pow__self_Tensor_exponent_Tensor <- function(self, exponent) { - cpp_handle_error(.Call('_torch_cpp_torch_method_pow__self_Tensor_exponent_Tensor', PACKAGE = 'torchpkg', self, exponent)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_pow__self_Tensor_exponent_Tensor', PACKAGE = 'torchpkg', self, exponent)))))) } cpp_torch_method_lerp__self_Tensor_end_Tensor_weight_Scalar <- function(self, end, weight) { - cpp_handle_error(.Call('_torch_cpp_torch_method_lerp__self_Tensor_end_Tensor_weight_Scalar', PACKAGE = 'torchpkg', self, end, weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_lerp__self_Tensor_end_Tensor_weight_Scalar', PACKAGE = 'torchpkg', self, end, weight)))))) } cpp_torch_method_lerp__self_Tensor_end_Tensor_weight_Tensor <- function(self, end, weight) { - cpp_handle_error(.Call('_torch_cpp_torch_method_lerp__self_Tensor_end_Tensor_weight_Tensor', PACKAGE = 'torchpkg', self, end, weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_lerp__self_Tensor_end_Tensor_weight_Tensor', PACKAGE = 'torchpkg', self, end, weight)))))) } cpp_torch_method_fmod__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_fmod__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_fmod__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_fmod__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_fmod__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_fmod__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_remainder__self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_remainder__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_remainder__self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_remainder__self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_remainder__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_remainder__self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_addbmm__self_Tensor_batch1_Tensor_batch2_Tensor <- function(self, batch1, batch2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_addbmm__self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_addbmm__self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)))))) } cpp_torch_method_addbmm_self_Tensor_batch1_Tensor_batch2_Tensor <- function(self, batch1, batch2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_method_addbmm_self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_addbmm_self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)))))) } cpp_torch_method_addcdiv__self_Tensor_tensor1_Tensor_tensor2_Tensor <- function(self, tensor1, tensor2, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_addcdiv__self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', self, tensor1, tensor2, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_addcdiv__self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', self, tensor1, tensor2, value)))))) } cpp_torch_method_random__self_Tensor_from_int64_t_to_int64_t <- function(self, from, to, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_random__self_Tensor_from_int64_t_to_int64_t', PACKAGE = 'torchpkg', self, from, to, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_random__self_Tensor_from_int64_t_to_int64_t', PACKAGE = 'torchpkg', self, from, to, generator)))))) } cpp_torch_method_random__self_Tensor_to_int64_t <- function(self, to, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_random__self_Tensor_to_int64_t', PACKAGE = 'torchpkg', self, to, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_random__self_Tensor_to_int64_t', PACKAGE = 'torchpkg', self, to, generator)))))) } cpp_torch_method_random__self_Tensor <- function(self, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_random__self_Tensor', PACKAGE = 'torchpkg', self, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_random__self_Tensor', PACKAGE = 'torchpkg', self, generator)))))) } cpp_torch_method_uniform__self_Tensor <- function(self, from, to, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_uniform__self_Tensor', PACKAGE = 'torchpkg', self, from, to, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_uniform__self_Tensor', PACKAGE = 'torchpkg', self, from, to, generator)))))) } cpp_torch_method_cauchy__self_Tensor <- function(self, median, sigma, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cauchy__self_Tensor', PACKAGE = 'torchpkg', self, median, sigma, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cauchy__self_Tensor', PACKAGE = 'torchpkg', self, median, sigma, generator)))))) } cpp_torch_method_log_normal__self_Tensor <- function(self, mean, std, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_log_normal__self_Tensor', PACKAGE = 'torchpkg', self, mean, std, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_log_normal__self_Tensor', PACKAGE = 'torchpkg', self, mean, std, generator)))))) } cpp_torch_method_exponential__self_Tensor <- function(self, lambd, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_exponential__self_Tensor', PACKAGE = 'torchpkg', self, lambd, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_exponential__self_Tensor', PACKAGE = 'torchpkg', self, lambd, generator)))))) } cpp_torch_method_geometric__self_Tensor_p_double <- function(self, p, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_geometric__self_Tensor_p_double', PACKAGE = 'torchpkg', self, p, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_geometric__self_Tensor_p_double', PACKAGE = 'torchpkg', self, p, generator)))))) } cpp_torch_method_diag_self_Tensor <- function(self, diagonal) { - cpp_handle_error(.Call('_torch_cpp_torch_method_diag_self_Tensor', PACKAGE = 'torchpkg', self, diagonal)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_diag_self_Tensor', PACKAGE = 'torchpkg', self, diagonal)))))) } cpp_torch_method_cross_self_Tensor_other_Tensor <- function(self, other, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cross_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cross_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, dim)))))) } cpp_torch_method_triu_self_Tensor <- function(self, diagonal) { - cpp_handle_error(.Call('_torch_cpp_torch_method_triu_self_Tensor', PACKAGE = 'torchpkg', self, diagonal)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_triu_self_Tensor', PACKAGE = 'torchpkg', self, diagonal)))))) } cpp_torch_method_tril_self_Tensor <- function(self, diagonal) { - cpp_handle_error(.Call('_torch_cpp_torch_method_tril_self_Tensor', PACKAGE = 'torchpkg', self, diagonal)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_tril_self_Tensor', PACKAGE = 'torchpkg', self, diagonal)))))) } cpp_torch_method_trace_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_trace_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_trace_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_ne_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_ne_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_ne_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_ne_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_ne_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_ne_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_eq_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_eq_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_eq_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_eq_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_eq_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_eq_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_ge_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_ge_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_ge_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_ge_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_ge_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_ge_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_le_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_le_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_le_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_le_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_le_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_le_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_gt_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_gt_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_gt_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_gt_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_gt_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_gt_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_lt_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_lt_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_lt_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_lt_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_lt_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_lt_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_take_self_Tensor_index_Tensor <- function(self, index) { - cpp_handle_error(.Call('_torch_cpp_torch_method_take_self_Tensor_index_Tensor', PACKAGE = 'torchpkg', self, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_take_self_Tensor_index_Tensor', PACKAGE = 'torchpkg', self, index)))))) } cpp_torch_method_index_select_self_Tensor_dim_int64_t_index_Tensor <- function(self, dim, index) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_select_self_Tensor_dim_int64_t_index_Tensor', PACKAGE = 'torchpkg', self, dim, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_select_self_Tensor_dim_int64_t_index_Tensor', PACKAGE = 'torchpkg', self, dim, index)))))) } cpp_torch_method_index_select_self_Tensor_dim_Dimname_index_Tensor <- function(self, dim, index) { - cpp_handle_error(.Call('_torch_cpp_torch_method_index_select_self_Tensor_dim_Dimname_index_Tensor', PACKAGE = 'torchpkg', self, dim, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_index_select_self_Tensor_dim_Dimname_index_Tensor', PACKAGE = 'torchpkg', self, dim, index)))))) } cpp_torch_method_masked_select_self_Tensor_mask_Tensor <- function(self, mask) { - cpp_handle_error(.Call('_torch_cpp_torch_method_masked_select_self_Tensor_mask_Tensor', PACKAGE = 'torchpkg', self, mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_masked_select_self_Tensor_mask_Tensor', PACKAGE = 'torchpkg', self, mask)))))) } cpp_torch_method_nonzero_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_nonzero_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_nonzero_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_nonzero_numpy_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_nonzero_numpy_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_nonzero_numpy_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_gather_self_Tensor_dim_int64_t_index_Tensor <- function(self, dim, index, sparse_grad) { - cpp_handle_error(.Call('_torch_cpp_torch_method_gather_self_Tensor_dim_int64_t_index_Tensor', PACKAGE = 'torchpkg', self, dim, index, sparse_grad)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_gather_self_Tensor_dim_int64_t_index_Tensor', PACKAGE = 'torchpkg', self, dim, index, sparse_grad)))))) } cpp_torch_method_gather_self_Tensor_dim_Dimname_index_Tensor <- function(self, dim, index, sparse_grad) { - cpp_handle_error(.Call('_torch_cpp_torch_method_gather_self_Tensor_dim_Dimname_index_Tensor', PACKAGE = 'torchpkg', self, dim, index, sparse_grad)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_gather_self_Tensor_dim_Dimname_index_Tensor', PACKAGE = 'torchpkg', self, dim, index, sparse_grad)))))) } cpp_torch_method_addcmul_self_Tensor_tensor1_Tensor_tensor2_Tensor <- function(self, tensor1, tensor2, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_addcmul_self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', self, tensor1, tensor2, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_addcmul_self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', self, tensor1, tensor2, value)))))) } cpp_torch_method_addcmul__self_Tensor_tensor1_Tensor_tensor2_Tensor <- function(self, tensor1, tensor2, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_addcmul__self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', self, tensor1, tensor2, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_addcmul__self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', self, tensor1, tensor2, value)))))) } cpp_torch_method_addcdiv_self_Tensor_tensor1_Tensor_tensor2_Tensor <- function(self, tensor1, tensor2, value) { - cpp_handle_error(.Call('_torch_cpp_torch_method_addcdiv_self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', self, tensor1, tensor2, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_addcdiv_self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', self, tensor1, tensor2, value)))))) } cpp_torch_method_lstsq_self_Tensor_A_Tensor <- function(self, A) { - cpp_handle_error(.Call('_torch_cpp_torch_method_lstsq_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_lstsq_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A)))))) } cpp_torch_method_triangular_solve_self_Tensor_A_Tensor <- function(self, A, upper, transpose, unitriangular) { - cpp_handle_error(.Call('_torch_cpp_torch_method_triangular_solve_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A, upper, transpose, unitriangular)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_triangular_solve_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A, upper, transpose, unitriangular)))))) } cpp_torch_method_symeig_self_Tensor <- function(self, eigenvectors, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_method_symeig_self_Tensor', PACKAGE = 'torchpkg', self, eigenvectors, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_symeig_self_Tensor', PACKAGE = 'torchpkg', self, eigenvectors, upper)))))) } cpp_torch_method_eig_self_Tensor <- function(self, eigenvectors) { - cpp_handle_error(.Call('_torch_cpp_torch_method_eig_self_Tensor', PACKAGE = 'torchpkg', self, eigenvectors)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_eig_self_Tensor', PACKAGE = 'torchpkg', self, eigenvectors)))))) } cpp_torch_method_svd_self_Tensor <- function(self, some, compute_uv) { - cpp_handle_error(.Call('_torch_cpp_torch_method_svd_self_Tensor', PACKAGE = 'torchpkg', self, some, compute_uv)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_svd_self_Tensor', PACKAGE = 'torchpkg', self, some, compute_uv)))))) } cpp_torch_method_cholesky_self_Tensor <- function(self, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cholesky_self_Tensor', PACKAGE = 'torchpkg', self, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cholesky_self_Tensor', PACKAGE = 'torchpkg', self, upper)))))) } cpp_torch_method_cholesky_solve_self_Tensor_input2_Tensor <- function(self, input2, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cholesky_solve_self_Tensor_input2_Tensor', PACKAGE = 'torchpkg', self, input2, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cholesky_solve_self_Tensor_input2_Tensor', PACKAGE = 'torchpkg', self, input2, upper)))))) } cpp_torch_method_solve_self_Tensor_A_Tensor <- function(self, A) { - cpp_handle_error(.Call('_torch_cpp_torch_method_solve_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_solve_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A)))))) } cpp_torch_method_cholesky_inverse_self_Tensor <- function(self, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_method_cholesky_inverse_self_Tensor', PACKAGE = 'torchpkg', self, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_cholesky_inverse_self_Tensor', PACKAGE = 'torchpkg', self, upper)))))) } cpp_torch_method_qr_self_Tensor <- function(self, some) { - cpp_handle_error(.Call('_torch_cpp_torch_method_qr_self_Tensor', PACKAGE = 'torchpkg', self, some)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_qr_self_Tensor', PACKAGE = 'torchpkg', self, some)))))) } cpp_torch_method_geqrf_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_geqrf_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_geqrf_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_orgqr_self_Tensor_input2_Tensor <- function(self, input2) { - cpp_handle_error(.Call('_torch_cpp_torch_method_orgqr_self_Tensor_input2_Tensor', PACKAGE = 'torchpkg', self, input2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_orgqr_self_Tensor_input2_Tensor', PACKAGE = 'torchpkg', self, input2)))))) } cpp_torch_method_ormqr_self_Tensor_input2_Tensor_input3_Tensor <- function(self, input2, input3, left, transpose) { - cpp_handle_error(.Call('_torch_cpp_torch_method_ormqr_self_Tensor_input2_Tensor_input3_Tensor', PACKAGE = 'torchpkg', self, input2, input3, left, transpose)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_ormqr_self_Tensor_input2_Tensor_input3_Tensor', PACKAGE = 'torchpkg', self, input2, input3, left, transpose)))))) } cpp_torch_method_lu_solve_self_Tensor_LU_data_Tensor_LU_pivots_Tensor <- function(self, LU_data, LU_pivots) { - cpp_handle_error(.Call('_torch_cpp_torch_method_lu_solve_self_Tensor_LU_data_Tensor_LU_pivots_Tensor', PACKAGE = 'torchpkg', self, LU_data, LU_pivots)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_lu_solve_self_Tensor_LU_data_Tensor_LU_pivots_Tensor', PACKAGE = 'torchpkg', self, LU_data, LU_pivots)))))) } cpp_torch_method_multinomial_self_Tensor_num_samples_int64_t <- function(self, num_samples, replacement, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_multinomial_self_Tensor_num_samples_int64_t', PACKAGE = 'torchpkg', self, num_samples, replacement, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_multinomial_self_Tensor_num_samples_int64_t', PACKAGE = 'torchpkg', self, num_samples, replacement, generator)))))) } cpp_torch_method_lgamma_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_lgamma_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_lgamma_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_digamma_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_digamma_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_digamma_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_erfinv_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_erfinv_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_erfinv_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_erfinv__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_erfinv__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_erfinv__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_sign_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sign_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sign_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_sign__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sign__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sign__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_dist_self_Tensor_other_Tensor <- function(self, other, p) { - cpp_handle_error(.Call('_torch_cpp_torch_method_dist_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, p)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_dist_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, p)))))) } cpp_torch_method_atan2_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_atan2_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_atan2_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_lerp_self_Tensor_end_Tensor_weight_Scalar <- function(self, end, weight) { - cpp_handle_error(.Call('_torch_cpp_torch_method_lerp_self_Tensor_end_Tensor_weight_Scalar', PACKAGE = 'torchpkg', self, end, weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_lerp_self_Tensor_end_Tensor_weight_Scalar', PACKAGE = 'torchpkg', self, end, weight)))))) } cpp_torch_method_lerp_self_Tensor_end_Tensor_weight_Tensor <- function(self, end, weight) { - cpp_handle_error(.Call('_torch_cpp_torch_method_lerp_self_Tensor_end_Tensor_weight_Tensor', PACKAGE = 'torchpkg', self, end, weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_lerp_self_Tensor_end_Tensor_weight_Tensor', PACKAGE = 'torchpkg', self, end, weight)))))) } cpp_torch_method_histc_self_Tensor <- function(self, bins, min, max) { - cpp_handle_error(.Call('_torch_cpp_torch_method_histc_self_Tensor', PACKAGE = 'torchpkg', self, bins, min, max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_histc_self_Tensor', PACKAGE = 'torchpkg', self, bins, min, max)))))) } cpp_torch_method_fmod_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_fmod_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_fmod_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_fmod_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_fmod_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_fmod_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_remainder_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_remainder_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_remainder_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_remainder_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_remainder_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_remainder_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_min_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_min_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_min_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_min_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_min_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_min_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_max_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_max_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_max_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_max_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_max_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_max_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_median_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_median_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_median_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_sort_self_Tensor <- function(self, dim, descending) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sort_self_Tensor', PACKAGE = 'torchpkg', self, dim, descending)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sort_self_Tensor', PACKAGE = 'torchpkg', self, dim, descending)))))) } cpp_torch_method_sort_self_Tensor_dim_Dimname <- function(self, dim, descending) { - cpp_handle_error(.Call('_torch_cpp_torch_method_sort_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, descending)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_sort_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, descending)))))) } cpp_torch_method_argsort_self_Tensor <- function(self, dim, descending) { - cpp_handle_error(.Call('_torch_cpp_torch_method_argsort_self_Tensor', PACKAGE = 'torchpkg', self, dim, descending)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_argsort_self_Tensor', PACKAGE = 'torchpkg', self, dim, descending)))))) } cpp_torch_method_argsort_self_Tensor_dim_Dimname <- function(self, dim, descending) { - cpp_handle_error(.Call('_torch_cpp_torch_method_argsort_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, descending)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_argsort_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, descending)))))) } cpp_torch_method_topk_self_Tensor_k_int64_t <- function(self, k, dim, largest, sorted) { - cpp_handle_error(.Call('_torch_cpp_torch_method_topk_self_Tensor_k_int64_t', PACKAGE = 'torchpkg', self, k, dim, largest, sorted)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_topk_self_Tensor_k_int64_t', PACKAGE = 'torchpkg', self, k, dim, largest, sorted)))))) } cpp_torch_method_all_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_all_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_all_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_any_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_any_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_any_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_method_renorm_self_Tensor_p_Scalar_dim_int64_t_maxnorm_Scalar <- function(self, p, dim, maxnorm) { - cpp_handle_error(.Call('_torch_cpp_torch_method_renorm_self_Tensor_p_Scalar_dim_int64_t_maxnorm_Scalar', PACKAGE = 'torchpkg', self, p, dim, maxnorm)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_renorm_self_Tensor_p_Scalar_dim_int64_t_maxnorm_Scalar', PACKAGE = 'torchpkg', self, p, dim, maxnorm)))))) } cpp_torch_method_unfold_self_Tensor_dimension_int64_t_size_int64_t_step_int64_t <- function(self, dimension, size, step) { - cpp_handle_error(.Call('_torch_cpp_torch_method_unfold_self_Tensor_dimension_int64_t_size_int64_t_step_int64_t', PACKAGE = 'torchpkg', self, dimension, size, step)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_unfold_self_Tensor_dimension_int64_t_size_int64_t_step_int64_t', PACKAGE = 'torchpkg', self, dimension, size, step)))))) } cpp_torch_method_equal_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_method_equal_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_equal_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_method_pow_self_Tensor_exponent_Tensor <- function(self, exponent) { - cpp_handle_error(.Call('_torch_cpp_torch_method_pow_self_Tensor_exponent_Tensor', PACKAGE = 'torchpkg', self, exponent)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_pow_self_Tensor_exponent_Tensor', PACKAGE = 'torchpkg', self, exponent)))))) } cpp_torch_method_normal__self_Tensor <- function(self, mean, std, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_method_normal__self_Tensor', PACKAGE = 'torchpkg', self, mean, std, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_normal__self_Tensor', PACKAGE = 'torchpkg', self, mean, std, generator)))))) } cpp_torch_method_alias_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_method_alias_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_method_alias_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace__cast_Byte_self_Tensor <- function(self, non_blocking) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Byte_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Byte_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)))))) } cpp_torch_namespace__cast_Char_self_Tensor <- function(self, non_blocking) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Char_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Char_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)))))) } cpp_torch_namespace__cast_Double_self_Tensor <- function(self, non_blocking) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Double_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Double_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)))))) } cpp_torch_namespace__cast_Float_self_Tensor <- function(self, non_blocking) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Float_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Float_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)))))) } cpp_torch_namespace__cast_Int_self_Tensor <- function(self, non_blocking) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Int_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Int_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)))))) } cpp_torch_namespace__cast_Long_self_Tensor <- function(self, non_blocking) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Long_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Long_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)))))) } cpp_torch_namespace__cast_Short_self_Tensor <- function(self, non_blocking) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Short_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Short_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)))))) } cpp_torch_namespace__cast_Half_self_Tensor <- function(self, non_blocking) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Half_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cast_Half_self_Tensor', PACKAGE = 'torchpkg', self, non_blocking)))))) } cpp_torch_namespace_align_tensors_tensors_TensorList <- function(tensors) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_align_tensors_tensors_TensorList', PACKAGE = 'torchpkg', tensors)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_align_tensors_tensors_TensorList', PACKAGE = 'torchpkg', tensors)))))) } cpp_torch_namespace__use_cudnn_ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef_blank_int64_t <- function(log_probs, targets, input_lengths, target_lengths, blank) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__use_cudnn_ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef_blank_int64_t', PACKAGE = 'torchpkg', log_probs, targets, input_lengths, target_lengths, blank)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__use_cudnn_ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef_blank_int64_t', PACKAGE = 'torchpkg', log_probs, targets, input_lengths, target_lengths, blank)))))) } cpp_torch_namespace__cudnn_ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef_blank_int64_t_deterministic_bool_zero_infinity_bool <- function(log_probs, targets, input_lengths, target_lengths, blank, deterministic, zero_infinity) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cudnn_ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef_blank_int64_t_deterministic_bool_zero_infinity_bool', PACKAGE = 'torchpkg', log_probs, targets, input_lengths, target_lengths, blank, deterministic, zero_infinity)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cudnn_ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef_blank_int64_t_deterministic_bool_zero_infinity_bool', PACKAGE = 'torchpkg', log_probs, targets, input_lengths, target_lengths, blank, deterministic, zero_infinity)))))) } cpp_torch_namespace__cudnn_rnn_flatten_weight_weight_arr_TensorList_weight_stride0_int64_t_input_size_int64_t_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_bidirectional_bool <- function(weight_arr, weight_stride0, input_size, mode, hidden_size, num_layers, batch_first, bidirectional) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cudnn_rnn_flatten_weight_weight_arr_TensorList_weight_stride0_int64_t_input_size_int64_t_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_bidirectional_bool', PACKAGE = 'torchpkg', weight_arr, weight_stride0, input_size, mode, hidden_size, num_layers, batch_first, bidirectional)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cudnn_rnn_flatten_weight_weight_arr_TensorList_weight_stride0_int64_t_input_size_int64_t_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_bidirectional_bool', PACKAGE = 'torchpkg', weight_arr, weight_stride0, input_size, mode, hidden_size, num_layers, batch_first, bidirectional)))))) } cpp_torch_namespace__cudnn_rnn_input_Tensor_weight_TensorList_weight_stride0_int64_t_weight_buf_Tensor_hx_Tensor_cx_Tensor_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_dropout_double_train_bool_bidirectional_bool_batch_sizes_IntArrayRef_dropout_state_Tensor <- function(input, weight, weight_stride0, weight_buf, hx, cx, mode, hidden_size, num_layers, batch_first, dropout, train, bidirectional, batch_sizes, dropout_state) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cudnn_rnn_input_Tensor_weight_TensorList_weight_stride0_int64_t_weight_buf_Tensor_hx_Tensor_cx_Tensor_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_dropout_double_train_bool_bidirectional_bool_batch_sizes_IntArrayRef_dropout_state_Tensor', PACKAGE = 'torchpkg', input, weight, weight_stride0, weight_buf, hx, cx, mode, hidden_size, num_layers, batch_first, dropout, train, bidirectional, batch_sizes, dropout_state)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cudnn_rnn_input_Tensor_weight_TensorList_weight_stride0_int64_t_weight_buf_Tensor_hx_Tensor_cx_Tensor_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_dropout_double_train_bool_bidirectional_bool_batch_sizes_IntArrayRef_dropout_state_Tensor', PACKAGE = 'torchpkg', input, weight, weight_stride0, weight_buf, hx, cx, mode, hidden_size, num_layers, batch_first, dropout, train, bidirectional, batch_sizes, dropout_state)))))) } cpp_torch_namespace__cudnn_rnn_backward_input_Tensor_weight_TensorList_weight_stride0_int64_t_weight_buf_Tensor_hx_Tensor_cx_Tensor_output_Tensor_grad_output_Tensor_grad_hy_Tensor_grad_cy_Tensor_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_dropout_double_train_bool_bidirectional_bool_batch_sizes_IntArrayRef_dropout_state_Tensor_reserve_Tensor_output_mask_stdarraybool4 <- function(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy, mode, hidden_size, num_layers, batch_first, dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cudnn_rnn_backward_input_Tensor_weight_TensorList_weight_stride0_int64_t_weight_buf_Tensor_hx_Tensor_cx_Tensor_output_Tensor_grad_output_Tensor_grad_hy_Tensor_grad_cy_Tensor_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_dropout_double_train_bool_bidirectional_bool_batch_sizes_IntArrayRef_dropout_state_Tensor_reserve_Tensor_output_mask_stdarraybool4', PACKAGE = 'torchpkg', input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy, mode, hidden_size, num_layers, batch_first, dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cudnn_rnn_backward_input_Tensor_weight_TensorList_weight_stride0_int64_t_weight_buf_Tensor_hx_Tensor_cx_Tensor_output_Tensor_grad_output_Tensor_grad_hy_Tensor_grad_cy_Tensor_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_dropout_double_train_bool_bidirectional_bool_batch_sizes_IntArrayRef_dropout_state_Tensor_reserve_Tensor_output_mask_stdarraybool4', PACKAGE = 'torchpkg', input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy, mode, hidden_size, num_layers, batch_first, dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask)))))) } cpp_torch_namespace__cudnn_init_dropout_state_dropout_double_train_bool_dropout_seed_int64_t_options_TensorOptions <- function(dropout, train, dropout_seed, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cudnn_init_dropout_state_dropout_double_train_bool_dropout_seed_int64_t_options_TensorOptions', PACKAGE = 'torchpkg', dropout, train, dropout_seed, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cudnn_init_dropout_state_dropout_double_train_bool_dropout_seed_int64_t_options_TensorOptions', PACKAGE = 'torchpkg', dropout, train, dropout_seed, options)))))) } cpp_torch_namespace__debug_has_internal_overlap_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__debug_has_internal_overlap_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__debug_has_internal_overlap_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace__fused_dropout_self_Tensor_p_double <- function(self, p, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__fused_dropout_self_Tensor_p_double', PACKAGE = 'torchpkg', self, p, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__fused_dropout_self_Tensor_p_double', PACKAGE = 'torchpkg', self, p, generator)))))) } cpp_torch_namespace__masked_scale_self_Tensor_mask_Tensor_scale_double <- function(self, mask, scale) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__masked_scale_self_Tensor_mask_Tensor_scale_double', PACKAGE = 'torchpkg', self, mask, scale)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__masked_scale_self_Tensor_mask_Tensor_scale_double', PACKAGE = 'torchpkg', self, mask, scale)))))) } cpp_torch_namespace__sobol_engine_draw_quasi_Tensor_n_int64_t_sobolstate_Tensor_dimension_int64_t_num_generated_int64_t_dtype_ScalarType <- function(quasi, n, sobolstate, dimension, num_generated, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sobol_engine_draw_quasi_Tensor_n_int64_t_sobolstate_Tensor_dimension_int64_t_num_generated_int64_t_dtype_ScalarType', PACKAGE = 'torchpkg', quasi, n, sobolstate, dimension, num_generated, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sobol_engine_draw_quasi_Tensor_n_int64_t_sobolstate_Tensor_dimension_int64_t_num_generated_int64_t_dtype_ScalarType', PACKAGE = 'torchpkg', quasi, n, sobolstate, dimension, num_generated, dtype)))))) } cpp_torch_namespace__sobol_engine_ff__self_Tensor_n_int64_t_sobolstate_Tensor_dimension_int64_t_num_generated_int64_t <- function(self, n, sobolstate, dimension, num_generated) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sobol_engine_ff__self_Tensor_n_int64_t_sobolstate_Tensor_dimension_int64_t_num_generated_int64_t', PACKAGE = 'torchpkg', self, n, sobolstate, dimension, num_generated)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sobol_engine_ff__self_Tensor_n_int64_t_sobolstate_Tensor_dimension_int64_t_num_generated_int64_t', PACKAGE = 'torchpkg', self, n, sobolstate, dimension, num_generated)))))) } cpp_torch_namespace__sobol_engine_scramble__self_Tensor_ltm_Tensor_dimension_int64_t <- function(self, ltm, dimension) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sobol_engine_scramble__self_Tensor_ltm_Tensor_dimension_int64_t', PACKAGE = 'torchpkg', self, ltm, dimension)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sobol_engine_scramble__self_Tensor_ltm_Tensor_dimension_int64_t', PACKAGE = 'torchpkg', self, ltm, dimension)))))) } cpp_torch_namespace__sobol_engine_initialize_state__self_Tensor_dimension_int64_t <- function(self, dimension) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sobol_engine_initialize_state__self_Tensor_dimension_int64_t', PACKAGE = 'torchpkg', self, dimension)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sobol_engine_initialize_state__self_Tensor_dimension_int64_t', PACKAGE = 'torchpkg', self, dimension)))))) } cpp_torch_namespace__reshape_from_tensor_self_Tensor_shape_Tensor <- function(self, shape) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__reshape_from_tensor_self_Tensor_shape_Tensor', PACKAGE = 'torchpkg', self, shape)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__reshape_from_tensor_self_Tensor_shape_Tensor', PACKAGE = 'torchpkg', self, shape)))))) } cpp_torch_namespace__shape_as_tensor_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__shape_as_tensor_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__shape_as_tensor_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_dropout_input_Tensor_p_double_train_bool <- function(input, p, train) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_dropout_input_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', input, p, train)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_dropout_input_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', input, p, train)))))) } cpp_torch_namespace_dropout__self_Tensor_p_double_train_bool <- function(self, p, train) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_dropout__self_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', self, p, train)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_dropout__self_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', self, p, train)))))) } cpp_torch_namespace_feature_dropout_input_Tensor_p_double_train_bool <- function(input, p, train) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_feature_dropout_input_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', input, p, train)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_feature_dropout_input_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', input, p, train)))))) } cpp_torch_namespace_feature_dropout__self_Tensor_p_double_train_bool <- function(self, p, train) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_feature_dropout__self_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', self, p, train)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_feature_dropout__self_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', self, p, train)))))) } cpp_torch_namespace_alpha_dropout_input_Tensor_p_double_train_bool <- function(input, p, train) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_alpha_dropout_input_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', input, p, train)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_alpha_dropout_input_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', input, p, train)))))) } cpp_torch_namespace_alpha_dropout__self_Tensor_p_double_train_bool <- function(self, p, train) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_alpha_dropout__self_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', self, p, train)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_alpha_dropout__self_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', self, p, train)))))) } cpp_torch_namespace_feature_alpha_dropout_input_Tensor_p_double_train_bool <- function(input, p, train) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_feature_alpha_dropout_input_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', input, p, train)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_feature_alpha_dropout_input_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', input, p, train)))))) } cpp_torch_namespace_feature_alpha_dropout__self_Tensor_p_double_train_bool <- function(self, p, train) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_feature_alpha_dropout__self_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', self, p, train)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_feature_alpha_dropout__self_Tensor_p_double_train_bool', PACKAGE = 'torchpkg', self, p, train)))))) } cpp_torch_namespace_abs_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_abs_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_abs_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_abs__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_abs__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_abs__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_abs_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_abs_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_abs_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_angle_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_angle_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_angle_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_angle_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_angle_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_angle_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_real_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_real_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_real_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_imag_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_imag_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_imag_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_conj_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_conj_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_conj_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_conj_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_conj_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_conj_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_acos_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_acos_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_acos_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_acos__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_acos__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_acos__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_acos_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_acos_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_acos_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_avg_pool1d_self_Tensor_kernel_size_IntArrayRef <- function(self, kernel_size, stride, padding, ceil_mode, count_include_pad) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool1d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, ceil_mode, count_include_pad)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool1d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, ceil_mode, count_include_pad)))))) } cpp_torch_namespace_adaptive_avg_pool1d_self_Tensor_output_size_IntArrayRef <- function(self, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool1d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool1d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)))))) } cpp_torch_namespace_adaptive_max_pool1d_self_Tensor_output_size_IntArrayRef <- function(self, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool1d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool1d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)))))) } cpp_torch_namespace_add_self_Tensor_other_Tensor <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_add_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_add_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_namespace_add_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_add_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_add_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other, alpha)))))) } cpp_torch_namespace_add_self_Tensor_other_Scalar <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_add_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_add_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_namespace_addmv_self_Tensor_mat_Tensor_vec_Tensor <- function(self, mat, vec, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_addmv_self_Tensor_mat_Tensor_vec_Tensor', PACKAGE = 'torchpkg', self, mat, vec, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_addmv_self_Tensor_mat_Tensor_vec_Tensor', PACKAGE = 'torchpkg', self, mat, vec, beta, alpha)))))) } cpp_torch_namespace_addmv__self_Tensor_mat_Tensor_vec_Tensor <- function(self, mat, vec, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_addmv__self_Tensor_mat_Tensor_vec_Tensor', PACKAGE = 'torchpkg', self, mat, vec, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_addmv__self_Tensor_mat_Tensor_vec_Tensor', PACKAGE = 'torchpkg', self, mat, vec, beta, alpha)))))) } cpp_torch_namespace_addmv_out_out_Tensor_self_Tensor_mat_Tensor_vec_Tensor <- function(out, self, mat, vec, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_addmv_out_out_Tensor_self_Tensor_mat_Tensor_vec_Tensor', PACKAGE = 'torchpkg', out, self, mat, vec, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_addmv_out_out_Tensor_self_Tensor_mat_Tensor_vec_Tensor', PACKAGE = 'torchpkg', out, self, mat, vec, beta, alpha)))))) } cpp_torch_namespace_addr_self_Tensor_vec1_Tensor_vec2_Tensor <- function(self, vec1, vec2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_addr_self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec1, vec2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_addr_self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec1, vec2, beta, alpha)))))) } cpp_torch_namespace_addr_out_out_Tensor_self_Tensor_vec1_Tensor_vec2_Tensor <- function(out, self, vec1, vec2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_addr_out_out_Tensor_self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', out, self, vec1, vec2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_addr_out_out_Tensor_self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', out, self, vec1, vec2, beta, alpha)))))) } cpp_torch_namespace_affine_grid_generator_theta_Tensor_size_IntArrayRef_align_corners_bool <- function(theta, size, align_corners) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_affine_grid_generator_theta_Tensor_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', theta, size, align_corners)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_affine_grid_generator_theta_Tensor_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', theta, size, align_corners)))))) } cpp_torch_namespace_affine_grid_generator_backward_grad_Tensor_size_IntArrayRef_align_corners_bool <- function(grad, size, align_corners) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_affine_grid_generator_backward_grad_Tensor_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad, size, align_corners)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_affine_grid_generator_backward_grad_Tensor_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad, size, align_corners)))))) } cpp_torch_namespace_all_self_Tensor_dim_int64_t <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_all_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_all_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_all_out_out_Tensor_self_Tensor_dim_int64_t <- function(out, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_all_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_all_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim, keepdim)))))) } cpp_torch_namespace_all_self_Tensor_dim_Dimname <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_all_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_all_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_all_out_out_Tensor_self_Tensor_dim_Dimname <- function(out, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_all_out_out_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', out, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_all_out_out_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', out, self, dim, keepdim)))))) } cpp_torch_namespace_allclose_self_Tensor_other_Tensor <- function(self, other, rtol, atol, equal_nan) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_allclose_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, rtol, atol, equal_nan)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_allclose_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, rtol, atol, equal_nan)))))) } cpp_torch_namespace_any_self_Tensor_dim_int64_t <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_any_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_any_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_any_out_out_Tensor_self_Tensor_dim_int64_t <- function(out, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_any_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_any_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim, keepdim)))))) } cpp_torch_namespace_any_self_Tensor_dim_Dimname <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_any_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_any_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_any_out_out_Tensor_self_Tensor_dim_Dimname <- function(out, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_any_out_out_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', out, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_any_out_out_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', out, self, dim, keepdim)))))) } cpp_torch_namespace_arange_end_Scalar <- function(end, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_arange_end_Scalar', PACKAGE = 'torchpkg', end, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_arange_end_Scalar', PACKAGE = 'torchpkg', end, options)))))) } cpp_torch_namespace_arange_start_Scalar_end_Scalar <- function(start, end, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_arange_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', start, end, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_arange_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', start, end, options)))))) } cpp_torch_namespace_arange_start_Scalar_end_Scalar_step_Scalar <- function(start, end, step, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_arange_start_Scalar_end_Scalar_step_Scalar', PACKAGE = 'torchpkg', start, end, step, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_arange_start_Scalar_end_Scalar_step_Scalar', PACKAGE = 'torchpkg', start, end, step, options)))))) } cpp_torch_namespace_arange_out_out_Tensor_end_Scalar <- function(out, end) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_arange_out_out_Tensor_end_Scalar', PACKAGE = 'torchpkg', out, end)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_arange_out_out_Tensor_end_Scalar', PACKAGE = 'torchpkg', out, end)))))) } cpp_torch_namespace_arange_out_out_Tensor_start_Scalar_end_Scalar <- function(out, start, end, step) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_arange_out_out_Tensor_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', out, start, end, step)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_arange_out_out_Tensor_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', out, start, end, step)))))) } cpp_torch_namespace__dim_arange_like_Tensor_dim_int64_t <- function(like, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__dim_arange_like_Tensor_dim_int64_t', PACKAGE = 'torchpkg', like, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__dim_arange_like_Tensor_dim_int64_t', PACKAGE = 'torchpkg', like, dim)))))) } cpp_torch_namespace_argmax_self_Tensor <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_argmax_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_argmax_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_argmin_self_Tensor <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_argmin_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_argmin_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_as_strided_self_Tensor_size_IntArrayRef_stride_IntArrayRef <- function(self, size, stride, storage_offset) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_as_strided_self_Tensor_size_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', self, size, stride, storage_offset)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_as_strided_self_Tensor_size_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', self, size, stride, storage_offset)))))) } cpp_torch_namespace_as_strided__self_Tensor_size_IntArrayRef_stride_IntArrayRef <- function(self, size, stride, storage_offset) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_as_strided__self_Tensor_size_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', self, size, stride, storage_offset)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_as_strided__self_Tensor_size_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', self, size, stride, storage_offset)))))) } cpp_torch_namespace_asin_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_asin_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_asin_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_asin__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_asin__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_asin__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_asin_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_asin_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_asin_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_atan_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_atan_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_atan_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_atan__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_atan__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_atan__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_atan_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_atan_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_atan_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_baddbmm_self_Tensor_batch1_Tensor_batch2_Tensor <- function(self, batch1, batch2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_baddbmm_self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_baddbmm_self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)))))) } cpp_torch_namespace__baddbmm_mkl__self_Tensor_batch1_Tensor_batch2_Tensor <- function(self, batch1, batch2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__baddbmm_mkl__self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__baddbmm_mkl__self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)))))) } cpp_torch_namespace_baddbmm_out_out_Tensor_self_Tensor_batch1_Tensor_batch2_Tensor <- function(out, self, batch1, batch2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_baddbmm_out_out_Tensor_self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', out, self, batch1, batch2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_baddbmm_out_out_Tensor_self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', out, self, batch1, batch2, beta, alpha)))))) } cpp_torch_namespace_bartlett_window_window_length_int64_t <- function(window_length, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bartlett_window_window_length_int64_t', PACKAGE = 'torchpkg', window_length, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bartlett_window_window_length_int64_t', PACKAGE = 'torchpkg', window_length, options)))))) } cpp_torch_namespace_bartlett_window_window_length_int64_t_periodic_bool <- function(window_length, periodic, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bartlett_window_window_length_int64_t_periodic_bool', PACKAGE = 'torchpkg', window_length, periodic, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bartlett_window_window_length_int64_t_periodic_bool', PACKAGE = 'torchpkg', window_length, periodic, options)))))) } cpp_torch_namespace_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_momentum_double_eps_double_cudnn_enabled_bool <- function(input, weight, bias, running_mean, running_var, training, momentum, eps, cudnn_enabled) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_momentum_double_eps_double_cudnn_enabled_bool', PACKAGE = 'torchpkg', input, weight, bias, running_mean, running_var, training, momentum, eps, cudnn_enabled)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_momentum_double_eps_double_cudnn_enabled_bool', PACKAGE = 'torchpkg', input, weight, bias, running_mean, running_var, training, momentum, eps, cudnn_enabled)))))) } cpp_torch_namespace_quantized_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_mean_Tensor_var_Tensor_eps_double_output_scale_double_output_zero_point_int64_t <- function(input, weight, bias, mean, var, eps, output_scale, output_zero_point) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_mean_Tensor_var_Tensor_eps_double_output_scale_double_output_zero_point_int64_t', PACKAGE = 'torchpkg', input, weight, bias, mean, var, eps, output_scale, output_zero_point)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_mean_Tensor_var_Tensor_eps_double_output_scale_double_output_zero_point_int64_t', PACKAGE = 'torchpkg', input, weight, bias, mean, var, eps, output_scale, output_zero_point)))))) } cpp_torch_namespace__batch_norm_impl_index_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_momentum_double_eps_double_cudnn_enabled_bool <- function(input, weight, bias, running_mean, running_var, training, momentum, eps, cudnn_enabled) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__batch_norm_impl_index_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_momentum_double_eps_double_cudnn_enabled_bool', PACKAGE = 'torchpkg', input, weight, bias, running_mean, running_var, training, momentum, eps, cudnn_enabled)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__batch_norm_impl_index_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_momentum_double_eps_double_cudnn_enabled_bool', PACKAGE = 'torchpkg', input, weight, bias, running_mean, running_var, training, momentum, eps, cudnn_enabled)))))) } cpp_torch_namespace__batch_norm_impl_index_backward_impl_index_int64_t_input_Tensor_grad_output_Tensor_weight_Tensor_running_mean_Tensor_running_var_Tensor_save_mean_Tensor_save_var_transform_Tensor_train_bool_eps_double_output_mask_stdarraybool3_reservedSpace_Tensor <- function(impl_index, input, grad_output, weight, running_mean, running_var, save_mean, save_var_transform, train, eps, output_mask, reservedSpace) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__batch_norm_impl_index_backward_impl_index_int64_t_input_Tensor_grad_output_Tensor_weight_Tensor_running_mean_Tensor_running_var_Tensor_save_mean_Tensor_save_var_transform_Tensor_train_bool_eps_double_output_mask_stdarraybool3_reservedSpace_Tensor', PACKAGE = 'torchpkg', impl_index, input, grad_output, weight, running_mean, running_var, save_mean, save_var_transform, train, eps, output_mask, reservedSpace)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__batch_norm_impl_index_backward_impl_index_int64_t_input_Tensor_grad_output_Tensor_weight_Tensor_running_mean_Tensor_running_var_Tensor_save_mean_Tensor_save_var_transform_Tensor_train_bool_eps_double_output_mask_stdarraybool3_reservedSpace_Tensor', PACKAGE = 'torchpkg', impl_index, input, grad_output, weight, running_mean, running_var, save_mean, save_var_transform, train, eps, output_mask, reservedSpace)))))) } cpp_torch_namespace_bernoulli_self_Tensor <- function(self, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bernoulli_self_Tensor', PACKAGE = 'torchpkg', self, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bernoulli_self_Tensor', PACKAGE = 'torchpkg', self, generator)))))) } cpp_torch_namespace_bernoulli_out_out_Tensor_self_Tensor <- function(out, self, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bernoulli_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bernoulli_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, generator)))))) } cpp_torch_namespace_bernoulli_self_Tensor_p_double <- function(self, p, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bernoulli_self_Tensor_p_double', PACKAGE = 'torchpkg', self, p, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bernoulli_self_Tensor_p_double', PACKAGE = 'torchpkg', self, p, generator)))))) } cpp_torch_namespace_bilinear_input1_Tensor_input2_Tensor_weight_Tensor_bias_Tensor <- function(input1, input2, weight, bias) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bilinear_input1_Tensor_input2_Tensor_weight_Tensor_bias_Tensor', PACKAGE = 'torchpkg', input1, input2, weight, bias)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bilinear_input1_Tensor_input2_Tensor_weight_Tensor_bias_Tensor', PACKAGE = 'torchpkg', input1, input2, weight, bias)))))) } cpp_torch_namespace_binary_cross_entropy_self_Tensor_target_Tensor <- function(self, target, weight, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_binary_cross_entropy_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, weight, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_binary_cross_entropy_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, weight, reduction)))))) } cpp_torch_namespace_binary_cross_entropy_out_out_Tensor_self_Tensor_target_Tensor <- function(out, self, target, weight, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_binary_cross_entropy_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, weight, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_binary_cross_entropy_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, weight, reduction)))))) } cpp_torch_namespace_binary_cross_entropy_backward_grad_output_Tensor_self_Tensor_target_Tensor <- function(grad_output, self, target, weight, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_binary_cross_entropy_backward_grad_output_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', grad_output, self, target, weight, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_binary_cross_entropy_backward_grad_output_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', grad_output, self, target, weight, reduction)))))) } cpp_torch_namespace_binary_cross_entropy_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor <- function(grad_input, grad_output, self, target, weight, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_binary_cross_entropy_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, weight, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_binary_cross_entropy_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, weight, reduction)))))) } cpp_torch_namespace_binary_cross_entropy_with_logits_self_Tensor_target_Tensor <- function(self, target, weight, pos_weight, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_binary_cross_entropy_with_logits_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, weight, pos_weight, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_binary_cross_entropy_with_logits_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, weight, pos_weight, reduction)))))) } cpp_torch_namespace_binary_cross_entropy_with_logits_backward_grad_output_Tensor_self_Tensor_target_Tensor <- function(grad_output, self, target, weight, pos_weight, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_binary_cross_entropy_with_logits_backward_grad_output_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', grad_output, self, target, weight, pos_weight, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_binary_cross_entropy_with_logits_backward_grad_output_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', grad_output, self, target, weight, pos_weight, reduction)))))) } cpp_torch_namespace_bincount_self_Tensor <- function(self, weights, minlength) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bincount_self_Tensor', PACKAGE = 'torchpkg', self, weights, minlength)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bincount_self_Tensor', PACKAGE = 'torchpkg', self, weights, minlength)))))) } cpp_torch_namespace_bitwise_not_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_not_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_not_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_bitwise_not_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_not_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_not_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_logical_not_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_not_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_not_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_logical_not_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_not_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_not_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_logical_xor_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_xor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_xor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_logical_xor_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_xor_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_xor_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_logical_and_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_and_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_and_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_logical_and_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_and_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_and_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_logical_or_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_or_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_or_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_logical_or_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_or_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logical_or_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_blackman_window_window_length_int64_t <- function(window_length, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_blackman_window_window_length_int64_t', PACKAGE = 'torchpkg', window_length, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_blackman_window_window_length_int64_t', PACKAGE = 'torchpkg', window_length, options)))))) } cpp_torch_namespace_blackman_window_window_length_int64_t_periodic_bool <- function(window_length, periodic, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_blackman_window_window_length_int64_t_periodic_bool', PACKAGE = 'torchpkg', window_length, periodic, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_blackman_window_window_length_int64_t_periodic_bool', PACKAGE = 'torchpkg', window_length, periodic, options)))))) } cpp_torch_namespace_bmm_self_Tensor_mat2_Tensor <- function(self, mat2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bmm_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bmm_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat2)))))) } cpp_torch_namespace_bmm_out_out_Tensor_self_Tensor_mat2_Tensor <- function(out, self, mat2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bmm_out_out_Tensor_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', out, self, mat2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bmm_out_out_Tensor_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', out, self, mat2)))))) } cpp_torch_namespace_broadcast_tensors_tensors_TensorList <- function(tensors) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_broadcast_tensors_tensors_TensorList', PACKAGE = 'torchpkg', tensors)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_broadcast_tensors_tensors_TensorList', PACKAGE = 'torchpkg', tensors)))))) } cpp_torch_namespace_cat_tensors_TensorList <- function(tensors, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cat_tensors_TensorList', PACKAGE = 'torchpkg', tensors, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cat_tensors_TensorList', PACKAGE = 'torchpkg', tensors, dim)))))) } cpp_torch_namespace_cat_out_out_Tensor_tensors_TensorList <- function(out, tensors, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cat_out_out_Tensor_tensors_TensorList', PACKAGE = 'torchpkg', out, tensors, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cat_out_out_Tensor_tensors_TensorList', PACKAGE = 'torchpkg', out, tensors, dim)))))) } cpp_torch_namespace_cat_tensors_TensorList_dim_Dimname <- function(tensors, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cat_tensors_TensorList_dim_Dimname', PACKAGE = 'torchpkg', tensors, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cat_tensors_TensorList_dim_Dimname', PACKAGE = 'torchpkg', tensors, dim)))))) } cpp_torch_namespace_cat_out_out_Tensor_tensors_TensorList_dim_Dimname <- function(out, tensors, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cat_out_out_Tensor_tensors_TensorList_dim_Dimname', PACKAGE = 'torchpkg', out, tensors, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cat_out_out_Tensor_tensors_TensorList_dim_Dimname', PACKAGE = 'torchpkg', out, tensors, dim)))))) } cpp_torch_namespace_ceil_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ceil_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ceil_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_ceil__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ceil__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ceil__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_ceil_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ceil_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ceil_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_chain_matmul_matrices_TensorList <- function(matrices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_chain_matmul_matrices_TensorList', PACKAGE = 'torchpkg', matrices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_chain_matmul_matrices_TensorList', PACKAGE = 'torchpkg', matrices)))))) } cpp_torch_namespace_chunk_self_Tensor_chunks_int64_t <- function(self, chunks, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_chunk_self_Tensor_chunks_int64_t', PACKAGE = 'torchpkg', self, chunks, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_chunk_self_Tensor_chunks_int64_t', PACKAGE = 'torchpkg', self, chunks, dim)))))) } cpp_torch_namespace_clamp_self_Tensor <- function(self, min, max) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_self_Tensor', PACKAGE = 'torchpkg', self, min, max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_self_Tensor', PACKAGE = 'torchpkg', self, min, max)))))) } cpp_torch_namespace_clamp__self_Tensor <- function(self, min, max) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp__self_Tensor', PACKAGE = 'torchpkg', self, min, max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp__self_Tensor', PACKAGE = 'torchpkg', self, min, max)))))) } cpp_torch_namespace_clamp_out_out_Tensor_self_Tensor <- function(out, self, min, max) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, min, max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, min, max)))))) } cpp_torch_namespace_clamp_max_self_Tensor_max_Scalar <- function(self, max) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_max_self_Tensor_max_Scalar', PACKAGE = 'torchpkg', self, max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_max_self_Tensor_max_Scalar', PACKAGE = 'torchpkg', self, max)))))) } cpp_torch_namespace_clamp_max__self_Tensor_max_Scalar <- function(self, max) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_max__self_Tensor_max_Scalar', PACKAGE = 'torchpkg', self, max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_max__self_Tensor_max_Scalar', PACKAGE = 'torchpkg', self, max)))))) } cpp_torch_namespace_clamp_max_out_out_Tensor_self_Tensor_max_Scalar <- function(out, self, max) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_max_out_out_Tensor_self_Tensor_max_Scalar', PACKAGE = 'torchpkg', out, self, max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_max_out_out_Tensor_self_Tensor_max_Scalar', PACKAGE = 'torchpkg', out, self, max)))))) } cpp_torch_namespace_clamp_min_self_Tensor_min_Scalar <- function(self, min) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_min_self_Tensor_min_Scalar', PACKAGE = 'torchpkg', self, min)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_min_self_Tensor_min_Scalar', PACKAGE = 'torchpkg', self, min)))))) } cpp_torch_namespace_clamp_min__self_Tensor_min_Scalar <- function(self, min) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_min__self_Tensor_min_Scalar', PACKAGE = 'torchpkg', self, min)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_min__self_Tensor_min_Scalar', PACKAGE = 'torchpkg', self, min)))))) } cpp_torch_namespace_clamp_min_out_out_Tensor_self_Tensor_min_Scalar <- function(out, self, min) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_min_out_out_Tensor_self_Tensor_min_Scalar', PACKAGE = 'torchpkg', out, self, min)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_clamp_min_out_out_Tensor_self_Tensor_min_Scalar', PACKAGE = 'torchpkg', out, self, min)))))) } cpp_torch_namespace_cudnn_is_acceptable_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_is_acceptable_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_is_acceptable_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_constant_pad_nd_self_Tensor_pad_IntArrayRef <- function(self, pad, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_constant_pad_nd_self_Tensor_pad_IntArrayRef', PACKAGE = 'torchpkg', self, pad, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_constant_pad_nd_self_Tensor_pad_IntArrayRef', PACKAGE = 'torchpkg', self, pad, value)))))) } cpp_torch_namespace_convolution_input_Tensor_weight_Tensor_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t <- function(input, weight, bias, stride, padding, dilation, transposed, output_padding, groups) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_convolution_input_Tensor_weight_Tensor_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, transposed, output_padding, groups)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_convolution_input_Tensor_weight_Tensor_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, transposed, output_padding, groups)))))) } cpp_torch_namespace_convolution_overrideable_input_Tensor_weight_Tensor_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t <- function(input, weight, bias, stride, padding, dilation, transposed, output_padding, groups) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_convolution_overrideable_input_Tensor_weight_Tensor_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, transposed, output_padding, groups)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_convolution_overrideable_input_Tensor_weight_Tensor_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, transposed, output_padding, groups)))))) } cpp_torch_namespace_convolution_backward_overrideable_grad_output_Tensor_input_Tensor_weight_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t_output_mask_stdarraybool3 <- function(grad_output, input, weight, stride, padding, dilation, transposed, output_padding, groups, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_convolution_backward_overrideable_grad_output_Tensor_input_Tensor_weight_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, input, weight, stride, padding, dilation, transposed, output_padding, groups, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_convolution_backward_overrideable_grad_output_Tensor_input_Tensor_weight_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, input, weight, stride, padding, dilation, transposed, output_padding, groups, output_mask)))))) } cpp_torch_namespace__convolution_input_Tensor_weight_Tensor_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_cudnn_enabled_bool <- function(input, weight, bias, stride, padding, dilation, transposed, output_padding, groups, benchmark, deterministic, cudnn_enabled) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__convolution_input_Tensor_weight_Tensor_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_cudnn_enabled_bool', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, transposed, output_padding, groups, benchmark, deterministic, cudnn_enabled)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__convolution_input_Tensor_weight_Tensor_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_cudnn_enabled_bool', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, transposed, output_padding, groups, benchmark, deterministic, cudnn_enabled)))))) } cpp_torch_namespace__convolution_nogroup_input_Tensor_weight_Tensor_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef <- function(input, weight, bias, stride, padding, dilation, transposed, output_padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__convolution_nogroup_input_Tensor_weight_Tensor_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, transposed, output_padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__convolution_nogroup_input_Tensor_weight_Tensor_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, transposed, output_padding)))))) } cpp_torch_namespace__convolution_double_backward_ggI_Tensor_ggW_Tensor_ggb_Tensor_gO_Tensor_weight_Tensor_self_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_cudnn_enabled_bool_output_mask_stdarraybool3 <- function(ggI, ggW, ggb, gO, weight, self, stride, padding, dilation, transposed, output_padding, groups, benchmark, deterministic, cudnn_enabled, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__convolution_double_backward_ggI_Tensor_ggW_Tensor_ggb_Tensor_gO_Tensor_weight_Tensor_self_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_cudnn_enabled_bool_output_mask_stdarraybool3', PACKAGE = 'torchpkg', ggI, ggW, ggb, gO, weight, self, stride, padding, dilation, transposed, output_padding, groups, benchmark, deterministic, cudnn_enabled, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__convolution_double_backward_ggI_Tensor_ggW_Tensor_ggb_Tensor_gO_Tensor_weight_Tensor_self_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_transposed_bool_output_padding_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_cudnn_enabled_bool_output_mask_stdarraybool3', PACKAGE = 'torchpkg', ggI, ggW, ggb, gO, weight, self, stride, padding, dilation, transposed, output_padding, groups, benchmark, deterministic, cudnn_enabled, output_mask)))))) } cpp_torch_namespace_conv1d_input_Tensor_weight_Tensor <- function(input, weight, bias, stride, padding, dilation, groups) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv1d_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, groups)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv1d_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, groups)))))) } cpp_torch_namespace_conv2d_input_Tensor_weight_Tensor <- function(input, weight, bias, stride, padding, dilation, groups) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv2d_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, groups)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv2d_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, groups)))))) } cpp_torch_namespace_conv3d_input_Tensor_weight_Tensor <- function(input, weight, bias, stride, padding, dilation, groups) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv3d_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, groups)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv3d_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, dilation, groups)))))) } cpp_torch_namespace_conv_tbc_self_Tensor_weight_Tensor_bias_Tensor <- function(self, weight, bias, pad) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv_tbc_self_Tensor_weight_Tensor_bias_Tensor', PACKAGE = 'torchpkg', self, weight, bias, pad)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv_tbc_self_Tensor_weight_Tensor_bias_Tensor', PACKAGE = 'torchpkg', self, weight, bias, pad)))))) } cpp_torch_namespace_conv_tbc_backward_self_Tensor_input_Tensor_weight_Tensor_bias_Tensor_pad_int64_t <- function(self, input, weight, bias, pad) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv_tbc_backward_self_Tensor_input_Tensor_weight_Tensor_bias_Tensor_pad_int64_t', PACKAGE = 'torchpkg', self, input, weight, bias, pad)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv_tbc_backward_self_Tensor_input_Tensor_weight_Tensor_bias_Tensor_pad_int64_t', PACKAGE = 'torchpkg', self, input, weight, bias, pad)))))) } cpp_torch_namespace_conv_transpose1d_input_Tensor_weight_Tensor <- function(input, weight, bias, stride, padding, output_padding, groups, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv_transpose1d_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, output_padding, groups, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv_transpose1d_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, output_padding, groups, dilation)))))) } cpp_torch_namespace_conv_transpose2d_input_Tensor_weight_Tensor <- function(input, weight, bias, stride, padding, output_padding, groups, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv_transpose2d_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, output_padding, groups, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv_transpose2d_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, output_padding, groups, dilation)))))) } cpp_torch_namespace_conv_transpose3d_input_Tensor_weight_Tensor <- function(input, weight, bias, stride, padding, output_padding, groups, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv_transpose3d_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, output_padding, groups, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_conv_transpose3d_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias, stride, padding, output_padding, groups, dilation)))))) } cpp_torch_namespace__copy_from_self_Tensor_dst_Tensor <- function(self, dst, non_blocking) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__copy_from_self_Tensor_dst_Tensor', PACKAGE = 'torchpkg', self, dst, non_blocking)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__copy_from_self_Tensor_dst_Tensor', PACKAGE = 'torchpkg', self, dst, non_blocking)))))) } cpp_torch_namespace_cos_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cos_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cos_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_cos__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cos__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cos__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_cos_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cos_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cos_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_cosh_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cosh_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cosh_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_cosh__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cosh__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cosh__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_cosh_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cosh_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cosh_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_cosine_embedding_loss_input1_Tensor_input2_Tensor_target_Tensor <- function(input1, input2, target, margin, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cosine_embedding_loss_input1_Tensor_input2_Tensor_target_Tensor', PACKAGE = 'torchpkg', input1, input2, target, margin, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cosine_embedding_loss_input1_Tensor_input2_Tensor_target_Tensor', PACKAGE = 'torchpkg', input1, input2, target, margin, reduction)))))) } cpp_torch_namespace_cudnn_affine_grid_generator_theta_Tensor_FALSE_int64_t_C_int64_t_H_int64_t_W_int64_t <- function(theta, False, C, H, W) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_affine_grid_generator_theta_Tensor_FALSE_int64_t_C_int64_t_H_int64_t_W_int64_t', PACKAGE = 'torchpkg', theta, False, C, H, W)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_affine_grid_generator_theta_Tensor_FALSE_int64_t_C_int64_t_H_int64_t_W_int64_t', PACKAGE = 'torchpkg', theta, False, C, H, W)))))) } cpp_torch_namespace_cudnn_affine_grid_generator_backward_grad_Tensor_FALSE_int64_t_C_int64_t_H_int64_t_W_int64_t <- function(grad, False, C, H, W) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_affine_grid_generator_backward_grad_Tensor_FALSE_int64_t_C_int64_t_H_int64_t_W_int64_t', PACKAGE = 'torchpkg', grad, False, C, H, W)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_affine_grid_generator_backward_grad_Tensor_FALSE_int64_t_C_int64_t_H_int64_t_W_int64_t', PACKAGE = 'torchpkg', grad, False, C, H, W)))))) } cpp_torch_namespace_cudnn_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_exponential_average_factor_double_epsilon_double <- function(input, weight, bias, running_mean, running_var, training, exponential_average_factor, epsilon) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_exponential_average_factor_double_epsilon_double', PACKAGE = 'torchpkg', input, weight, bias, running_mean, running_var, training, exponential_average_factor, epsilon)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_exponential_average_factor_double_epsilon_double', PACKAGE = 'torchpkg', input, weight, bias, running_mean, running_var, training, exponential_average_factor, epsilon)))))) } cpp_torch_namespace_cudnn_batch_norm_backward_input_Tensor_grad_output_Tensor_weight_Tensor_running_mean_Tensor_running_var_Tensor_save_mean_Tensor_save_var_Tensor_epsilon_double_reserveSpace_Tensor <- function(input, grad_output, weight, running_mean, running_var, save_mean, save_var, epsilon, reserveSpace) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_batch_norm_backward_input_Tensor_grad_output_Tensor_weight_Tensor_running_mean_Tensor_running_var_Tensor_save_mean_Tensor_save_var_Tensor_epsilon_double_reserveSpace_Tensor', PACKAGE = 'torchpkg', input, grad_output, weight, running_mean, running_var, save_mean, save_var, epsilon, reserveSpace)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_batch_norm_backward_input_Tensor_grad_output_Tensor_weight_Tensor_running_mean_Tensor_running_var_Tensor_save_mean_Tensor_save_var_Tensor_epsilon_double_reserveSpace_Tensor', PACKAGE = 'torchpkg', input, grad_output, weight, running_mean, running_var, save_mean, save_var, epsilon, reserveSpace)))))) } cpp_torch_namespace_cudnn_convolution_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(self, weight, bias, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, bias, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, bias, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_cudnn_convolution_self_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(self, weight, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_self_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_self_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_cudnn_convolution_backward_input_self_size_IntArrayRef_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(self_size, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_backward_input_self_size_IntArrayRef_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self_size, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_backward_input_self_size_IntArrayRef_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self_size, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_cudnn_convolution_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool2 <- function(self, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool2', PACKAGE = 'torchpkg', self, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool2', PACKAGE = 'torchpkg', self, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic, output_mask)))))) } cpp_torch_namespace_cudnn_convolution_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_cudnn_convolution_transpose_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(self, weight, bias, padding, output_padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_transpose_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, bias, padding, output_padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_transpose_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, bias, padding, output_padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_cudnn_convolution_transpose_self_Tensor_weight_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(self, weight, padding, output_padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_transpose_self_Tensor_weight_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, padding, output_padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_transpose_self_Tensor_weight_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, padding, output_padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_cudnn_convolution_transpose_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool2 <- function(self, grad_output, weight, padding, output_padding, stride, dilation, groups, benchmark, deterministic, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_transpose_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool2', PACKAGE = 'torchpkg', self, grad_output, weight, padding, output_padding, stride, dilation, groups, benchmark, deterministic, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_transpose_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool2', PACKAGE = 'torchpkg', self, grad_output, weight, padding, output_padding, stride, dilation, groups, benchmark, deterministic, output_mask)))))) } cpp_torch_namespace_cudnn_convolution_transpose_backward_input_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_transpose_backward_input_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_transpose_backward_input_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_cudnn_convolution_transpose_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_transpose_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_convolution_transpose_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_cudnn_grid_sampler_self_Tensor_grid_Tensor <- function(self, grid) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_grid_sampler_self_Tensor_grid_Tensor', PACKAGE = 'torchpkg', self, grid)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_grid_sampler_self_Tensor_grid_Tensor', PACKAGE = 'torchpkg', self, grid)))))) } cpp_torch_namespace_cudnn_grid_sampler_backward_self_Tensor_grid_Tensor_grad_output_Tensor <- function(self, grid, grad_output) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_grid_sampler_backward_self_Tensor_grid_Tensor_grad_output_Tensor', PACKAGE = 'torchpkg', self, grid, grad_output)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cudnn_grid_sampler_backward_self_Tensor_grid_Tensor_grad_output_Tensor', PACKAGE = 'torchpkg', self, grid, grad_output)))))) } cpp_torch_namespace_cummax_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummax_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummax_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_cummax_out_values_Tensor_indices_Tensor_self_Tensor_dim_int64_t <- function(values, indices, self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummax_out_values_Tensor_indices_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', values, indices, self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummax_out_values_Tensor_indices_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', values, indices, self, dim)))))) } cpp_torch_namespace_cummax_self_Tensor_dim_Dimname <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummax_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummax_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_cummax_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname <- function(values, indices, self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummax_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', values, indices, self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummax_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', values, indices, self, dim)))))) } cpp_torch_namespace__cummax_helper_self_Tensor_values_Tensor_indices_Tensor_dim_int64_t <- function(self, values, indices, dim) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cummax_helper_self_Tensor_values_Tensor_indices_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, values, indices, dim))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cummax_helper_self_Tensor_values_Tensor_indices_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, values, indices, dim))))))) } cpp_torch_namespace_cummin_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummin_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummin_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_cummin_out_values_Tensor_indices_Tensor_self_Tensor_dim_int64_t <- function(values, indices, self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummin_out_values_Tensor_indices_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', values, indices, self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummin_out_values_Tensor_indices_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', values, indices, self, dim)))))) } cpp_torch_namespace_cummin_self_Tensor_dim_Dimname <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummin_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummin_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_cummin_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname <- function(values, indices, self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummin_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', values, indices, self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cummin_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', values, indices, self, dim)))))) } cpp_torch_namespace__cummin_helper_self_Tensor_values_Tensor_indices_Tensor_dim_int64_t <- function(self, values, indices, dim) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cummin_helper_self_Tensor_values_Tensor_indices_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, values, indices, dim))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cummin_helper_self_Tensor_values_Tensor_indices_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, values, indices, dim))))))) } cpp_torch_namespace_cumprod_self_Tensor_dim_int64_t <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumprod_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumprod_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_namespace_cumprod_out_out_Tensor_self_Tensor_dim_int64_t <- function(out, self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumprod_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumprod_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim, dtype)))))) } cpp_torch_namespace_cumprod_self_Tensor_dim_Dimname <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumprod_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumprod_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_namespace_cumprod_out_out_Tensor_self_Tensor_dim_Dimname <- function(out, self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumprod_out_out_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', out, self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumprod_out_out_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', out, self, dim, dtype)))))) } cpp_torch_namespace_cumsum_self_Tensor_dim_int64_t <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumsum_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumsum_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_namespace_cumsum_out_out_Tensor_self_Tensor_dim_int64_t <- function(out, self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumsum_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumsum_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim, dtype)))))) } cpp_torch_namespace_cumsum_self_Tensor_dim_Dimname <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumsum_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumsum_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_namespace_cumsum_out_out_Tensor_self_Tensor_dim_Dimname <- function(out, self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumsum_out_out_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', out, self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cumsum_out_out_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', out, self, dim, dtype)))))) } cpp_torch_namespace_ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef <- function(log_probs, targets, input_lengths, target_lengths, blank, reduction, zero_infinity) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef', PACKAGE = 'torchpkg', log_probs, targets, input_lengths, target_lengths, blank, reduction, zero_infinity)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef', PACKAGE = 'torchpkg', log_probs, targets, input_lengths, target_lengths, blank, reduction, zero_infinity)))))) } cpp_torch_namespace_ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_Tensor_target_lengths_Tensor <- function(log_probs, targets, input_lengths, target_lengths, blank, reduction, zero_infinity) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_Tensor_target_lengths_Tensor', PACKAGE = 'torchpkg', log_probs, targets, input_lengths, target_lengths, blank, reduction, zero_infinity)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_Tensor_target_lengths_Tensor', PACKAGE = 'torchpkg', log_probs, targets, input_lengths, target_lengths, blank, reduction, zero_infinity)))))) } cpp_torch_namespace__ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef <- function(log_probs, targets, input_lengths, target_lengths, blank, zero_infinity) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef', PACKAGE = 'torchpkg', log_probs, targets, input_lengths, target_lengths, blank, zero_infinity)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__ctc_loss_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef', PACKAGE = 'torchpkg', log_probs, targets, input_lengths, target_lengths, blank, zero_infinity)))))) } cpp_torch_namespace__ctc_loss_backward_grad_Tensor_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef_neg_log_likelihood_Tensor_log_alpha_Tensor_blank_int64_t <- function(grad, log_probs, targets, input_lengths, target_lengths, neg_log_likelihood, log_alpha, blank, zero_infinity) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__ctc_loss_backward_grad_Tensor_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef_neg_log_likelihood_Tensor_log_alpha_Tensor_blank_int64_t', PACKAGE = 'torchpkg', grad, log_probs, targets, input_lengths, target_lengths, neg_log_likelihood, log_alpha, blank, zero_infinity)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__ctc_loss_backward_grad_Tensor_log_probs_Tensor_targets_Tensor_input_lengths_IntArrayRef_target_lengths_IntArrayRef_neg_log_likelihood_Tensor_log_alpha_Tensor_blank_int64_t', PACKAGE = 'torchpkg', grad, log_probs, targets, input_lengths, target_lengths, neg_log_likelihood, log_alpha, blank, zero_infinity)))))) } cpp_torch_namespace_det_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_det_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_det_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_diag_embed_self_Tensor <- function(self, offset, dim1, dim2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_diag_embed_self_Tensor', PACKAGE = 'torchpkg', self, offset, dim1, dim2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_diag_embed_self_Tensor', PACKAGE = 'torchpkg', self, offset, dim1, dim2)))))) } cpp_torch_namespace_diagflat_self_Tensor <- function(self, offset) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_diagflat_self_Tensor', PACKAGE = 'torchpkg', self, offset)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_diagflat_self_Tensor', PACKAGE = 'torchpkg', self, offset)))))) } cpp_torch_namespace_diagonal_self_Tensor <- function(self, offset, dim1, dim2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_diagonal_self_Tensor', PACKAGE = 'torchpkg', self, offset, dim1, dim2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_diagonal_self_Tensor', PACKAGE = 'torchpkg', self, offset, dim1, dim2)))))) } cpp_torch_namespace_diagonal_self_Tensor_outdim_Dimname_dim1_Dimname_dim2_Dimname <- function(self, outdim, dim1, dim2, offset) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_diagonal_self_Tensor_outdim_Dimname_dim1_Dimname_dim2_Dimname', PACKAGE = 'torchpkg', self, outdim, dim1, dim2, offset)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_diagonal_self_Tensor_outdim_Dimname_dim1_Dimname_dim2_Dimname', PACKAGE = 'torchpkg', self, outdim, dim1, dim2, offset)))))) } cpp_torch_namespace_div_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_div_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_div_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_div_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_div_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_div_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_div_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_div_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_div_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_dot_self_Tensor_tensor_Tensor <- function(self, tensor) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_dot_self_Tensor_tensor_Tensor', PACKAGE = 'torchpkg', self, tensor)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_dot_self_Tensor_tensor_Tensor', PACKAGE = 'torchpkg', self, tensor)))))) } cpp_torch_namespace_dot_out_out_Tensor_self_Tensor_tensor_Tensor <- function(out, self, tensor) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_dot_out_out_Tensor_self_Tensor_tensor_Tensor', PACKAGE = 'torchpkg', out, self, tensor)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_dot_out_out_Tensor_self_Tensor_tensor_Tensor', PACKAGE = 'torchpkg', out, self, tensor)))))) } cpp_torch_namespace_einsum_equation_stdstring_tensors_TensorList <- function(equation, tensors) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_einsum_equation_stdstring_tensors_TensorList', PACKAGE = 'torchpkg', equation, tensors)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_einsum_equation_stdstring_tensors_TensorList', PACKAGE = 'torchpkg', equation, tensors)))))) } cpp_torch_namespace_embedding_weight_Tensor_indices_Tensor <- function(weight, indices, padding_idx, scale_grad_by_freq, sparse) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_embedding_weight_Tensor_indices_Tensor', PACKAGE = 'torchpkg', weight, indices, padding_idx, scale_grad_by_freq, sparse)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_embedding_weight_Tensor_indices_Tensor', PACKAGE = 'torchpkg', weight, indices, padding_idx, scale_grad_by_freq, sparse)))))) } cpp_torch_namespace_embedding_backward_grad_Tensor_indices_Tensor_num_weights_int64_t_padding_idx_int64_t_scale_grad_by_freq_bool_sparse_bool <- function(grad, indices, num_weights, padding_idx, scale_grad_by_freq, sparse) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_embedding_backward_grad_Tensor_indices_Tensor_num_weights_int64_t_padding_idx_int64_t_scale_grad_by_freq_bool_sparse_bool', PACKAGE = 'torchpkg', grad, indices, num_weights, padding_idx, scale_grad_by_freq, sparse)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_embedding_backward_grad_Tensor_indices_Tensor_num_weights_int64_t_padding_idx_int64_t_scale_grad_by_freq_bool_sparse_bool', PACKAGE = 'torchpkg', grad, indices, num_weights, padding_idx, scale_grad_by_freq, sparse)))))) } cpp_torch_namespace_embedding_dense_backward_grad_output_Tensor_indices_Tensor_num_weights_int64_t_padding_idx_int64_t_scale_grad_by_freq_bool <- function(grad_output, indices, num_weights, padding_idx, scale_grad_by_freq) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_embedding_dense_backward_grad_output_Tensor_indices_Tensor_num_weights_int64_t_padding_idx_int64_t_scale_grad_by_freq_bool', PACKAGE = 'torchpkg', grad_output, indices, num_weights, padding_idx, scale_grad_by_freq)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_embedding_dense_backward_grad_output_Tensor_indices_Tensor_num_weights_int64_t_padding_idx_int64_t_scale_grad_by_freq_bool', PACKAGE = 'torchpkg', grad_output, indices, num_weights, padding_idx, scale_grad_by_freq)))))) } cpp_torch_namespace_embedding_renorm__self_Tensor_indices_Tensor_max_norm_double_norm_type_double <- function(self, indices, max_norm, norm_type) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_embedding_renorm__self_Tensor_indices_Tensor_max_norm_double_norm_type_double', PACKAGE = 'torchpkg', self, indices, max_norm, norm_type)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_embedding_renorm__self_Tensor_indices_Tensor_max_norm_double_norm_type_double', PACKAGE = 'torchpkg', self, indices, max_norm, norm_type)))))) } cpp_torch_namespace_embedding_sparse_backward_grad_Tensor_indices_Tensor_num_weights_int64_t_padding_idx_int64_t_scale_grad_by_freq_bool <- function(grad, indices, num_weights, padding_idx, scale_grad_by_freq) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_embedding_sparse_backward_grad_Tensor_indices_Tensor_num_weights_int64_t_padding_idx_int64_t_scale_grad_by_freq_bool', PACKAGE = 'torchpkg', grad, indices, num_weights, padding_idx, scale_grad_by_freq)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_embedding_sparse_backward_grad_Tensor_indices_Tensor_num_weights_int64_t_padding_idx_int64_t_scale_grad_by_freq_bool', PACKAGE = 'torchpkg', grad, indices, num_weights, padding_idx, scale_grad_by_freq)))))) } cpp_torch_namespace_embedding_bag_weight_Tensor_indices_Tensor_offsets_Tensor <- function(weight, indices, offsets, scale_grad_by_freq, mode, sparse, per_sample_weights, include_last_offset) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_embedding_bag_weight_Tensor_indices_Tensor_offsets_Tensor', PACKAGE = 'torchpkg', weight, indices, offsets, scale_grad_by_freq, mode, sparse, per_sample_weights, include_last_offset)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_embedding_bag_weight_Tensor_indices_Tensor_offsets_Tensor', PACKAGE = 'torchpkg', weight, indices, offsets, scale_grad_by_freq, mode, sparse, per_sample_weights, include_last_offset)))))) } cpp_torch_namespace__embedding_bag_weight_Tensor_indices_Tensor_offsets_Tensor <- function(weight, indices, offsets, scale_grad_by_freq, mode, sparse, per_sample_weights, include_last_offset) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__embedding_bag_weight_Tensor_indices_Tensor_offsets_Tensor', PACKAGE = 'torchpkg', weight, indices, offsets, scale_grad_by_freq, mode, sparse, per_sample_weights, include_last_offset)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__embedding_bag_weight_Tensor_indices_Tensor_offsets_Tensor', PACKAGE = 'torchpkg', weight, indices, offsets, scale_grad_by_freq, mode, sparse, per_sample_weights, include_last_offset)))))) } cpp_torch_namespace__embedding_bag_backward_grad_Tensor_indices_Tensor_offsets_Tensor_offset2bag_Tensor_bag_size_Tensor_maximum_indices_Tensor_num_weights_int64_t_scale_grad_by_freq_bool_mode_int64_t_sparse_bool_per_sample_weights_Tensor <- function(grad, indices, offsets, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq, mode, sparse, per_sample_weights) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__embedding_bag_backward_grad_Tensor_indices_Tensor_offsets_Tensor_offset2bag_Tensor_bag_size_Tensor_maximum_indices_Tensor_num_weights_int64_t_scale_grad_by_freq_bool_mode_int64_t_sparse_bool_per_sample_weights_Tensor', PACKAGE = 'torchpkg', grad, indices, offsets, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq, mode, sparse, per_sample_weights)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__embedding_bag_backward_grad_Tensor_indices_Tensor_offsets_Tensor_offset2bag_Tensor_bag_size_Tensor_maximum_indices_Tensor_num_weights_int64_t_scale_grad_by_freq_bool_mode_int64_t_sparse_bool_per_sample_weights_Tensor', PACKAGE = 'torchpkg', grad, indices, offsets, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq, mode, sparse, per_sample_weights)))))) } cpp_torch_namespace__embedding_bag_sparse_backward_grad_Tensor_indices_Tensor_offsets_Tensor_offset2bag_Tensor_bag_size_Tensor_num_weights_int64_t_scale_grad_by_freq_bool_mode_int64_t_per_sample_weights_Tensor <- function(grad, indices, offsets, offset2bag, bag_size, num_weights, scale_grad_by_freq, mode, per_sample_weights) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__embedding_bag_sparse_backward_grad_Tensor_indices_Tensor_offsets_Tensor_offset2bag_Tensor_bag_size_Tensor_num_weights_int64_t_scale_grad_by_freq_bool_mode_int64_t_per_sample_weights_Tensor', PACKAGE = 'torchpkg', grad, indices, offsets, offset2bag, bag_size, num_weights, scale_grad_by_freq, mode, per_sample_weights)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__embedding_bag_sparse_backward_grad_Tensor_indices_Tensor_offsets_Tensor_offset2bag_Tensor_bag_size_Tensor_num_weights_int64_t_scale_grad_by_freq_bool_mode_int64_t_per_sample_weights_Tensor', PACKAGE = 'torchpkg', grad, indices, offsets, offset2bag, bag_size, num_weights, scale_grad_by_freq, mode, per_sample_weights)))))) } cpp_torch_namespace__embedding_bag_dense_backward_grad_Tensor_indices_Tensor_offsets_Tensor_offset2bag_Tensor_bag_size_Tensor_maximum_indices_Tensor_num_weights_int64_t_scale_grad_by_freq_bool_mode_int64_t_per_sample_weights_Tensor <- function(grad, indices, offsets, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq, mode, per_sample_weights) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__embedding_bag_dense_backward_grad_Tensor_indices_Tensor_offsets_Tensor_offset2bag_Tensor_bag_size_Tensor_maximum_indices_Tensor_num_weights_int64_t_scale_grad_by_freq_bool_mode_int64_t_per_sample_weights_Tensor', PACKAGE = 'torchpkg', grad, indices, offsets, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq, mode, per_sample_weights)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__embedding_bag_dense_backward_grad_Tensor_indices_Tensor_offsets_Tensor_offset2bag_Tensor_bag_size_Tensor_maximum_indices_Tensor_num_weights_int64_t_scale_grad_by_freq_bool_mode_int64_t_per_sample_weights_Tensor', PACKAGE = 'torchpkg', grad, indices, offsets, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq, mode, per_sample_weights)))))) } cpp_torch_namespace__embedding_bag_per_sample_weights_backward_grad_Tensor_weight_Tensor_indices_Tensor_offsets_Tensor_offset2bag_Tensor_mode_int64_t <- function(grad, weight, indices, offsets, offset2bag, mode) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__embedding_bag_per_sample_weights_backward_grad_Tensor_weight_Tensor_indices_Tensor_offsets_Tensor_offset2bag_Tensor_mode_int64_t', PACKAGE = 'torchpkg', grad, weight, indices, offsets, offset2bag, mode)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__embedding_bag_per_sample_weights_backward_grad_Tensor_weight_Tensor_indices_Tensor_offsets_Tensor_offset2bag_Tensor_mode_int64_t', PACKAGE = 'torchpkg', grad, weight, indices, offsets, offset2bag, mode)))))) } cpp_torch_namespace_empty_size_IntArrayRef_names_DimnameList <- function(size, names, options, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_empty_size_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', size, names, options, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_empty_size_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', size, names, options, memory_format)))))) } cpp_torch_namespace_empty_size_IntArrayRef <- function(size, options, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_empty_size_IntArrayRef', PACKAGE = 'torchpkg', size, options, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_empty_size_IntArrayRef', PACKAGE = 'torchpkg', size, options, memory_format)))))) } cpp_torch_namespace__empty_affine_quantized_size_IntArrayRef <- function(size, options, scale, zero_point, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__empty_affine_quantized_size_IntArrayRef', PACKAGE = 'torchpkg', size, options, scale, zero_point, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__empty_affine_quantized_size_IntArrayRef', PACKAGE = 'torchpkg', size, options, scale, zero_point, memory_format)))))) } cpp_torch_namespace__empty_per_channel_affine_quantized_size_IntArrayRef_scales_Tensor_zero_points_Tensor_axis_int64_t <- function(size, scales, zero_points, axis, options, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__empty_per_channel_affine_quantized_size_IntArrayRef_scales_Tensor_zero_points_Tensor_axis_int64_t', PACKAGE = 'torchpkg', size, scales, zero_points, axis, options, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__empty_per_channel_affine_quantized_size_IntArrayRef_scales_Tensor_zero_points_Tensor_axis_int64_t', PACKAGE = 'torchpkg', size, scales, zero_points, axis, options, memory_format)))))) } cpp_torch_namespace_empty_out_out_Tensor_size_IntArrayRef <- function(out, size, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_empty_out_out_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', out, size, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_empty_out_out_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', out, size, memory_format)))))) } cpp_torch_namespace_empty_like_self_Tensor <- function(self, options, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_empty_like_self_Tensor', PACKAGE = 'torchpkg', self, options, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_empty_like_self_Tensor', PACKAGE = 'torchpkg', self, options, memory_format)))))) } cpp_torch_namespace_empty_strided_size_IntArrayRef_stride_IntArrayRef <- function(size, stride, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_empty_strided_size_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', size, stride, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_empty_strided_size_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', size, stride, options)))))) } cpp_torch_namespace_erf_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_erf_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_erf_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_erf__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_erf__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_erf__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_erf_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_erf_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_erf_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_erfc_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_erfc_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_erfc_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_erfc__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_erfc__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_erfc__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_erfc_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_erfc_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_erfc_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_exp_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_exp_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_exp_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_exp__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_exp__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_exp__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_exp_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_exp_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_exp_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_expm1_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_expm1_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_expm1_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_expm1__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_expm1__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_expm1__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_expm1_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_expm1_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_expm1_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_eye_n_int64_t <- function(n, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_eye_n_int64_t', PACKAGE = 'torchpkg', n, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_eye_n_int64_t', PACKAGE = 'torchpkg', n, options)))))) } cpp_torch_namespace_eye_n_int64_t_m_int64_t <- function(n, m, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_eye_n_int64_t_m_int64_t', PACKAGE = 'torchpkg', n, m, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_eye_n_int64_t_m_int64_t', PACKAGE = 'torchpkg', n, m, options)))))) } cpp_torch_namespace_eye_out_out_Tensor_n_int64_t <- function(out, n) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_eye_out_out_Tensor_n_int64_t', PACKAGE = 'torchpkg', out, n)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_eye_out_out_Tensor_n_int64_t', PACKAGE = 'torchpkg', out, n)))))) } cpp_torch_namespace_eye_out_out_Tensor_n_int64_t_m_int64_t <- function(out, n, m) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_eye_out_out_Tensor_n_int64_t_m_int64_t', PACKAGE = 'torchpkg', out, n, m)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_eye_out_out_Tensor_n_int64_t_m_int64_t', PACKAGE = 'torchpkg', out, n, m)))))) } cpp_torch_namespace_flatten_self_Tensor <- function(self, start_dim, end_dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_flatten_self_Tensor', PACKAGE = 'torchpkg', self, start_dim, end_dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_flatten_self_Tensor', PACKAGE = 'torchpkg', self, start_dim, end_dim)))))) } cpp_torch_namespace_flatten_self_Tensor_start_dim_int64_t_end_dim_int64_t_out_dim_Dimname <- function(self, start_dim, end_dim, out_dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_flatten_self_Tensor_start_dim_int64_t_end_dim_int64_t_out_dim_Dimname', PACKAGE = 'torchpkg', self, start_dim, end_dim, out_dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_flatten_self_Tensor_start_dim_int64_t_end_dim_int64_t_out_dim_Dimname', PACKAGE = 'torchpkg', self, start_dim, end_dim, out_dim)))))) } cpp_torch_namespace_flatten_self_Tensor_start_dim_Dimname_end_dim_Dimname_out_dim_Dimname <- function(self, start_dim, end_dim, out_dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_flatten_self_Tensor_start_dim_Dimname_end_dim_Dimname_out_dim_Dimname', PACKAGE = 'torchpkg', self, start_dim, end_dim, out_dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_flatten_self_Tensor_start_dim_Dimname_end_dim_Dimname_out_dim_Dimname', PACKAGE = 'torchpkg', self, start_dim, end_dim, out_dim)))))) } cpp_torch_namespace_flatten_self_Tensor_dims_DimnameList_out_dim_Dimname <- function(self, dims, out_dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_flatten_self_Tensor_dims_DimnameList_out_dim_Dimname', PACKAGE = 'torchpkg', self, dims, out_dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_flatten_self_Tensor_dims_DimnameList_out_dim_Dimname', PACKAGE = 'torchpkg', self, dims, out_dim)))))) } cpp_torch_namespace_fill__self_Tensor_value_Scalar <- function(self, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fill__self_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fill__self_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, value)))))) } cpp_torch_namespace_fill__self_Tensor_value_Tensor <- function(self, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fill__self_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fill__self_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, value)))))) } cpp_torch_namespace_floor_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_floor_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_floor_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_floor__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_floor__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_floor__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_floor_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_floor_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_floor_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_floor_divide_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_floor_divide_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_floor_divide_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_floor_divide_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_floor_divide_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_floor_divide_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_floor_divide_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_floor_divide_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_floor_divide_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_frac_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_frac_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_frac_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_frac__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_frac__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_frac__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_frac_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_frac_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_frac_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_full_size_IntArrayRef_fill_value_Scalar_names_DimnameList <- function(size, fill_value, names, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_full_size_IntArrayRef_fill_value_Scalar_names_DimnameList', PACKAGE = 'torchpkg', size, fill_value, names, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_full_size_IntArrayRef_fill_value_Scalar_names_DimnameList', PACKAGE = 'torchpkg', size, fill_value, names, options)))))) } cpp_torch_namespace_full_size_IntArrayRef_fill_value_Scalar <- function(size, fill_value, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_full_size_IntArrayRef_fill_value_Scalar', PACKAGE = 'torchpkg', size, fill_value, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_full_size_IntArrayRef_fill_value_Scalar', PACKAGE = 'torchpkg', size, fill_value, options)))))) } cpp_torch_namespace_full_out_out_Tensor_size_IntArrayRef_fill_value_Scalar <- function(out, size, fill_value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_full_out_out_Tensor_size_IntArrayRef_fill_value_Scalar', PACKAGE = 'torchpkg', out, size, fill_value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_full_out_out_Tensor_size_IntArrayRef_fill_value_Scalar', PACKAGE = 'torchpkg', out, size, fill_value)))))) } cpp_torch_namespace_full_like_self_Tensor_fill_value_Scalar <- function(self, fill_value, options, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_full_like_self_Tensor_fill_value_Scalar', PACKAGE = 'torchpkg', self, fill_value, options, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_full_like_self_Tensor_fill_value_Scalar', PACKAGE = 'torchpkg', self, fill_value, options, memory_format)))))) } cpp_torch_namespace_from_file_filename_stdstring <- function(filename, shared, size, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_from_file_filename_stdstring', PACKAGE = 'torchpkg', filename, shared, size, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_from_file_filename_stdstring', PACKAGE = 'torchpkg', filename, shared, size, options)))))) } cpp_torch_namespace_grid_sampler_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool <- function(input, grid, interpolation_mode, padding_mode, align_corners) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_grid_sampler_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool', PACKAGE = 'torchpkg', input, grid, interpolation_mode, padding_mode, align_corners)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_grid_sampler_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool', PACKAGE = 'torchpkg', input, grid, interpolation_mode, padding_mode, align_corners)))))) } cpp_torch_namespace_grid_sampler_2d_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool <- function(input, grid, interpolation_mode, padding_mode, align_corners) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_grid_sampler_2d_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool', PACKAGE = 'torchpkg', input, grid, interpolation_mode, padding_mode, align_corners)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_grid_sampler_2d_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool', PACKAGE = 'torchpkg', input, grid, interpolation_mode, padding_mode, align_corners)))))) } cpp_torch_namespace_grid_sampler_2d_backward_grad_output_Tensor_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool <- function(grad_output, input, grid, interpolation_mode, padding_mode, align_corners) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_grid_sampler_2d_backward_grad_output_Tensor_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool', PACKAGE = 'torchpkg', grad_output, input, grid, interpolation_mode, padding_mode, align_corners)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_grid_sampler_2d_backward_grad_output_Tensor_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool', PACKAGE = 'torchpkg', grad_output, input, grid, interpolation_mode, padding_mode, align_corners)))))) } cpp_torch_namespace_grid_sampler_3d_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool <- function(input, grid, interpolation_mode, padding_mode, align_corners) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_grid_sampler_3d_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool', PACKAGE = 'torchpkg', input, grid, interpolation_mode, padding_mode, align_corners)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_grid_sampler_3d_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool', PACKAGE = 'torchpkg', input, grid, interpolation_mode, padding_mode, align_corners)))))) } cpp_torch_namespace_grid_sampler_3d_backward_grad_output_Tensor_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool <- function(grad_output, input, grid, interpolation_mode, padding_mode, align_corners) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_grid_sampler_3d_backward_grad_output_Tensor_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool', PACKAGE = 'torchpkg', grad_output, input, grid, interpolation_mode, padding_mode, align_corners)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_grid_sampler_3d_backward_grad_output_Tensor_input_Tensor_grid_Tensor_interpolation_mode_int64_t_padding_mode_int64_t_align_corners_bool', PACKAGE = 'torchpkg', grad_output, input, grid, interpolation_mode, padding_mode, align_corners)))))) } cpp_torch_namespace_hann_window_window_length_int64_t <- function(window_length, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hann_window_window_length_int64_t', PACKAGE = 'torchpkg', window_length, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hann_window_window_length_int64_t', PACKAGE = 'torchpkg', window_length, options)))))) } cpp_torch_namespace_hann_window_window_length_int64_t_periodic_bool <- function(window_length, periodic, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hann_window_window_length_int64_t_periodic_bool', PACKAGE = 'torchpkg', window_length, periodic, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hann_window_window_length_int64_t_periodic_bool', PACKAGE = 'torchpkg', window_length, periodic, options)))))) } cpp_torch_namespace_hamming_window_window_length_int64_t <- function(window_length, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hamming_window_window_length_int64_t', PACKAGE = 'torchpkg', window_length, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hamming_window_window_length_int64_t', PACKAGE = 'torchpkg', window_length, options)))))) } cpp_torch_namespace_hamming_window_window_length_int64_t_periodic_bool <- function(window_length, periodic, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hamming_window_window_length_int64_t_periodic_bool', PACKAGE = 'torchpkg', window_length, periodic, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hamming_window_window_length_int64_t_periodic_bool', PACKAGE = 'torchpkg', window_length, periodic, options)))))) } cpp_torch_namespace_hamming_window_window_length_int64_t_periodic_bool_alpha_double <- function(window_length, periodic, alpha, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hamming_window_window_length_int64_t_periodic_bool_alpha_double', PACKAGE = 'torchpkg', window_length, periodic, alpha, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hamming_window_window_length_int64_t_periodic_bool_alpha_double', PACKAGE = 'torchpkg', window_length, periodic, alpha, options)))))) } cpp_torch_namespace_hamming_window_window_length_int64_t_periodic_bool_alpha_double_beta_double <- function(window_length, periodic, alpha, beta, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hamming_window_window_length_int64_t_periodic_bool_alpha_double_beta_double', PACKAGE = 'torchpkg', window_length, periodic, alpha, beta, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hamming_window_window_length_int64_t_periodic_bool_alpha_double_beta_double', PACKAGE = 'torchpkg', window_length, periodic, alpha, beta, options)))))) } cpp_torch_namespace_hinge_embedding_loss_self_Tensor_target_Tensor <- function(self, target, margin, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hinge_embedding_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, margin, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hinge_embedding_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, margin, reduction)))))) } cpp_torch_namespace_ger_self_Tensor_vec2_Tensor <- function(self, vec2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ger_self_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ger_self_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec2)))))) } cpp_torch_namespace_ger_out_out_Tensor_self_Tensor_vec2_Tensor <- function(out, self, vec2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ger_out_out_Tensor_self_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', out, self, vec2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ger_out_out_Tensor_self_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', out, self, vec2)))))) } cpp_torch_namespace_group_norm_input_Tensor_num_groups_int64_t <- function(input, num_groups, weight, bias, eps, cudnn_enabled) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_group_norm_input_Tensor_num_groups_int64_t', PACKAGE = 'torchpkg', input, num_groups, weight, bias, eps, cudnn_enabled)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_group_norm_input_Tensor_num_groups_int64_t', PACKAGE = 'torchpkg', input, num_groups, weight, bias, eps, cudnn_enabled)))))) } cpp_torch_namespace_fft_self_Tensor_signal_ndim_int64_t <- function(self, signal_ndim, normalized) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized)))))) } cpp_torch_namespace_ifft_self_Tensor_signal_ndim_int64_t <- function(self, signal_ndim, normalized) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ifft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ifft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized)))))) } cpp_torch_namespace_rfft_self_Tensor_signal_ndim_int64_t <- function(self, signal_ndim, normalized, onesided) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rfft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized, onesided)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rfft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized, onesided)))))) } cpp_torch_namespace_irfft_self_Tensor_signal_ndim_int64_t <- function(self, signal_ndim, normalized, onesided, signal_sizes) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_irfft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized, onesided, signal_sizes)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_irfft_self_Tensor_signal_ndim_int64_t', PACKAGE = 'torchpkg', self, signal_ndim, normalized, onesided, signal_sizes)))))) } cpp_torch_namespace__fft_with_size_self_Tensor_signal_ndim_int64_t_complex_input_bool_complex_output_bool_inverse_bool_checked_signal_sizes_IntArrayRef_normalized_bool_onesided_bool_output_sizes_IntArrayRef <- function(self, signal_ndim, complex_input, complex_output, inverse, checked_signal_sizes, normalized, onesided, output_sizes) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__fft_with_size_self_Tensor_signal_ndim_int64_t_complex_input_bool_complex_output_bool_inverse_bool_checked_signal_sizes_IntArrayRef_normalized_bool_onesided_bool_output_sizes_IntArrayRef', PACKAGE = 'torchpkg', self, signal_ndim, complex_input, complex_output, inverse, checked_signal_sizes, normalized, onesided, output_sizes)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__fft_with_size_self_Tensor_signal_ndim_int64_t_complex_input_bool_complex_output_bool_inverse_bool_checked_signal_sizes_IntArrayRef_normalized_bool_onesided_bool_output_sizes_IntArrayRef', PACKAGE = 'torchpkg', self, signal_ndim, complex_input, complex_output, inverse, checked_signal_sizes, normalized, onesided, output_sizes)))))) } cpp_torch_namespace__cufft_get_plan_cache_size_device_index_int64_t <- function(device_index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cufft_get_plan_cache_size_device_index_int64_t', PACKAGE = 'torchpkg', device_index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cufft_get_plan_cache_size_device_index_int64_t', PACKAGE = 'torchpkg', device_index)))))) } cpp_torch_namespace__cufft_get_plan_cache_max_size_device_index_int64_t <- function(device_index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cufft_get_plan_cache_max_size_device_index_int64_t', PACKAGE = 'torchpkg', device_index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cufft_get_plan_cache_max_size_device_index_int64_t', PACKAGE = 'torchpkg', device_index)))))) } cpp_torch_namespace__cufft_set_plan_cache_max_size_device_index_int64_t_max_size_int64_t <- function(device_index, max_size) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cufft_set_plan_cache_max_size_device_index_int64_t_max_size_int64_t', PACKAGE = 'torchpkg', device_index, max_size))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cufft_set_plan_cache_max_size_device_index_int64_t_max_size_int64_t', PACKAGE = 'torchpkg', device_index, max_size))))))) } cpp_torch_namespace__cufft_clear_plan_cache_device_index_int64_t <- function(device_index) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cufft_clear_plan_cache_device_index_int64_t', PACKAGE = 'torchpkg', device_index))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cufft_clear_plan_cache_device_index_int64_t', PACKAGE = 'torchpkg', device_index))))))) } cpp_torch_namespace_index_self_Tensor_indices_TensorList <- function(self, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_self_Tensor_indices_TensorList', PACKAGE = 'torchpkg', self, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_self_Tensor_indices_TensorList', PACKAGE = 'torchpkg', self, indices)))))) } cpp_torch_namespace_index_copy_self_Tensor_dim_int64_t_index_Tensor_source_Tensor <- function(self, dim, index, source) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_copy_self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_copy_self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)))))) } cpp_torch_namespace_index_copy_self_Tensor_dim_Dimname_index_Tensor_source_Tensor <- function(self, dim, index, source) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_copy_self_Tensor_dim_Dimname_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_copy_self_Tensor_dim_Dimname_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)))))) } cpp_torch_namespace_index_put__self_Tensor_indices_TensorList_values_Tensor <- function(self, indices, values, accumulate) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_put__self_Tensor_indices_TensorList_values_Tensor', PACKAGE = 'torchpkg', self, indices, values, accumulate)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_put__self_Tensor_indices_TensorList_values_Tensor', PACKAGE = 'torchpkg', self, indices, values, accumulate)))))) } cpp_torch_namespace_index_put_self_Tensor_indices_TensorList_values_Tensor <- function(self, indices, values, accumulate) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_put_self_Tensor_indices_TensorList_values_Tensor', PACKAGE = 'torchpkg', self, indices, values, accumulate)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_put_self_Tensor_indices_TensorList_values_Tensor', PACKAGE = 'torchpkg', self, indices, values, accumulate)))))) } cpp_torch_namespace__index_put_impl__self_Tensor_indices_TensorList_values_Tensor <- function(self, indices, values, accumulate, unsafe) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__index_put_impl__self_Tensor_indices_TensorList_values_Tensor', PACKAGE = 'torchpkg', self, indices, values, accumulate, unsafe)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__index_put_impl__self_Tensor_indices_TensorList_values_Tensor', PACKAGE = 'torchpkg', self, indices, values, accumulate, unsafe)))))) } cpp_torch_namespace_instance_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_use_input_stats_bool_momentum_double_eps_double_cudnn_enabled_bool <- function(input, weight, bias, running_mean, running_var, use_input_stats, momentum, eps, cudnn_enabled) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_instance_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_use_input_stats_bool_momentum_double_eps_double_cudnn_enabled_bool', PACKAGE = 'torchpkg', input, weight, bias, running_mean, running_var, use_input_stats, momentum, eps, cudnn_enabled)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_instance_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_use_input_stats_bool_momentum_double_eps_double_cudnn_enabled_bool', PACKAGE = 'torchpkg', input, weight, bias, running_mean, running_var, use_input_stats, momentum, eps, cudnn_enabled)))))) } cpp_torch_namespace_inverse_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_inverse_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_inverse_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_inverse_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_inverse_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_inverse_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace__inverse_helper_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__inverse_helper_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__inverse_helper_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_isclose_self_Tensor_other_Tensor <- function(self, other, rtol, atol, equal_nan) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_isclose_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, rtol, atol, equal_nan)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_isclose_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, rtol, atol, equal_nan)))))) } cpp_torch_namespace_isnan_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_isnan_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_isnan_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_is_distributed_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_is_distributed_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_is_distributed_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_is_floating_point_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_is_floating_point_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_is_floating_point_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_is_complex_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_is_complex_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_is_complex_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_is_nonzero_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_is_nonzero_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_is_nonzero_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_is_same_size_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_is_same_size_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_is_same_size_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_is_signed_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_is_signed_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_is_signed_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_kl_div_self_Tensor_target_Tensor <- function(self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_kl_div_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_kl_div_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, reduction)))))) } cpp_torch_namespace_kl_div_backward_grad_output_Tensor_self_Tensor_target_Tensor <- function(grad_output, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_kl_div_backward_grad_output_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', grad_output, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_kl_div_backward_grad_output_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', grad_output, self, target, reduction)))))) } cpp_torch_namespace_kthvalue_self_Tensor_k_int64_t <- function(self, k, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_kthvalue_self_Tensor_k_int64_t', PACKAGE = 'torchpkg', self, k, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_kthvalue_self_Tensor_k_int64_t', PACKAGE = 'torchpkg', self, k, dim, keepdim)))))) } cpp_torch_namespace_kthvalue_out_values_Tensor_indices_Tensor_self_Tensor_k_int64_t <- function(values, indices, self, k, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_kthvalue_out_values_Tensor_indices_Tensor_self_Tensor_k_int64_t', PACKAGE = 'torchpkg', values, indices, self, k, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_kthvalue_out_values_Tensor_indices_Tensor_self_Tensor_k_int64_t', PACKAGE = 'torchpkg', values, indices, self, k, dim, keepdim)))))) } cpp_torch_namespace_kthvalue_self_Tensor_k_int64_t_dim_Dimname <- function(self, k, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_kthvalue_self_Tensor_k_int64_t_dim_Dimname', PACKAGE = 'torchpkg', self, k, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_kthvalue_self_Tensor_k_int64_t_dim_Dimname', PACKAGE = 'torchpkg', self, k, dim, keepdim)))))) } cpp_torch_namespace_kthvalue_out_values_Tensor_indices_Tensor_self_Tensor_k_int64_t_dim_Dimname <- function(values, indices, self, k, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_kthvalue_out_values_Tensor_indices_Tensor_self_Tensor_k_int64_t_dim_Dimname', PACKAGE = 'torchpkg', values, indices, self, k, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_kthvalue_out_values_Tensor_indices_Tensor_self_Tensor_k_int64_t_dim_Dimname', PACKAGE = 'torchpkg', values, indices, self, k, dim, keepdim)))))) } cpp_torch_namespace_layer_norm_input_Tensor_normalized_shape_IntArrayRef <- function(input, normalized_shape, weight, bias, eps, cudnn_enable) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_layer_norm_input_Tensor_normalized_shape_IntArrayRef', PACKAGE = 'torchpkg', input, normalized_shape, weight, bias, eps, cudnn_enable)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_layer_norm_input_Tensor_normalized_shape_IntArrayRef', PACKAGE = 'torchpkg', input, normalized_shape, weight, bias, eps, cudnn_enable)))))) } cpp_torch_namespace_native_layer_norm_input_Tensor_weight_Tensor_bias_Tensor_M_int64_t_FALSE_int64_t_eps_double <- function(input, weight, bias, M, False, eps) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_native_layer_norm_input_Tensor_weight_Tensor_bias_Tensor_M_int64_t_FALSE_int64_t_eps_double', PACKAGE = 'torchpkg', input, weight, bias, M, False, eps)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_native_layer_norm_input_Tensor_weight_Tensor_bias_Tensor_M_int64_t_FALSE_int64_t_eps_double', PACKAGE = 'torchpkg', input, weight, bias, M, False, eps)))))) } cpp_torch_namespace_native_layer_norm_backward_grad_out_Tensor_input_Tensor_mean_Tensor_rstd_Tensor_weight_Tensor_M_int64_t_FALSE_int64_t_output_mask_stdarraybool3 <- function(grad_out, input, mean, rstd, weight, M, False, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_native_layer_norm_backward_grad_out_Tensor_input_Tensor_mean_Tensor_rstd_Tensor_weight_Tensor_M_int64_t_FALSE_int64_t_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_out, input, mean, rstd, weight, M, False, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_native_layer_norm_backward_grad_out_Tensor_input_Tensor_mean_Tensor_rstd_Tensor_weight_Tensor_M_int64_t_FALSE_int64_t_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_out, input, mean, rstd, weight, M, False, output_mask)))))) } cpp_torch_namespace_linear_input_Tensor_weight_Tensor <- function(input, weight, bias) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_linear_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_linear_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias)))))) } cpp_torch_namespace_mkldnn_linear_input_Tensor_weight_Tensor <- function(input, weight, bias) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_linear_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_linear_input_Tensor_weight_Tensor', PACKAGE = 'torchpkg', input, weight, bias)))))) } cpp_torch_namespace_fbgemm_linear_int8_weight_fp32_activation_input_Tensor_weight_Tensor_packed_Tensor_col_offsets_Tensor_weight_scale_Scalar_weight_zero_point_Scalar_bias_Tensor <- function(input, weight, packed, col_offsets, weight_scale, weight_zero_point, bias) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_linear_int8_weight_fp32_activation_input_Tensor_weight_Tensor_packed_Tensor_col_offsets_Tensor_weight_scale_Scalar_weight_zero_point_Scalar_bias_Tensor', PACKAGE = 'torchpkg', input, weight, packed, col_offsets, weight_scale, weight_zero_point, bias)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_linear_int8_weight_fp32_activation_input_Tensor_weight_Tensor_packed_Tensor_col_offsets_Tensor_weight_scale_Scalar_weight_zero_point_Scalar_bias_Tensor', PACKAGE = 'torchpkg', input, weight, packed, col_offsets, weight_scale, weight_zero_point, bias)))))) } cpp_torch_namespace_fbgemm_linear_int8_weight_input_Tensor_weight_Tensor_packed_Tensor_col_offsets_Tensor_weight_scale_Scalar_weight_zero_point_Scalar_bias_Tensor <- function(input, weight, packed, col_offsets, weight_scale, weight_zero_point, bias) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_linear_int8_weight_input_Tensor_weight_Tensor_packed_Tensor_col_offsets_Tensor_weight_scale_Scalar_weight_zero_point_Scalar_bias_Tensor', PACKAGE = 'torchpkg', input, weight, packed, col_offsets, weight_scale, weight_zero_point, bias)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_linear_int8_weight_input_Tensor_weight_Tensor_packed_Tensor_col_offsets_Tensor_weight_scale_Scalar_weight_zero_point_Scalar_bias_Tensor', PACKAGE = 'torchpkg', input, weight, packed, col_offsets, weight_scale, weight_zero_point, bias)))))) } cpp_torch_namespace_fbgemm_linear_quantize_weight_input_Tensor <- function(input) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_linear_quantize_weight_input_Tensor', PACKAGE = 'torchpkg', input)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_linear_quantize_weight_input_Tensor', PACKAGE = 'torchpkg', input)))))) } cpp_torch_namespace_fbgemm_pack_gemm_matrix_fp16_input_Tensor <- function(input) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_pack_gemm_matrix_fp16_input_Tensor', PACKAGE = 'torchpkg', input)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_pack_gemm_matrix_fp16_input_Tensor', PACKAGE = 'torchpkg', input)))))) } cpp_torch_namespace_fbgemm_linear_fp16_weight_fp32_activation_input_Tensor_packed_weight_Tensor_bias_Tensor <- function(input, packed_weight, bias) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_linear_fp16_weight_fp32_activation_input_Tensor_packed_weight_Tensor_bias_Tensor', PACKAGE = 'torchpkg', input, packed_weight, bias)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_linear_fp16_weight_fp32_activation_input_Tensor_packed_weight_Tensor_bias_Tensor', PACKAGE = 'torchpkg', input, packed_weight, bias)))))) } cpp_torch_namespace_fbgemm_linear_fp16_weight_input_Tensor_packed_weight_Tensor_bias_Tensor <- function(input, packed_weight, bias) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_linear_fp16_weight_input_Tensor_packed_weight_Tensor_bias_Tensor', PACKAGE = 'torchpkg', input, packed_weight, bias)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_linear_fp16_weight_input_Tensor_packed_weight_Tensor_bias_Tensor', PACKAGE = 'torchpkg', input, packed_weight, bias)))))) } cpp_torch_namespace_fbgemm_pack_quantized_matrix_input_Tensor <- function(input) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_pack_quantized_matrix_input_Tensor', PACKAGE = 'torchpkg', input)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_pack_quantized_matrix_input_Tensor', PACKAGE = 'torchpkg', input)))))) } cpp_torch_namespace_fbgemm_pack_quantized_matrix_input_Tensor_K_int64_t_FALSE_int64_t <- function(input, K, False) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_pack_quantized_matrix_input_Tensor_K_int64_t_FALSE_int64_t', PACKAGE = 'torchpkg', input, K, False)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fbgemm_pack_quantized_matrix_input_Tensor_K_int64_t_FALSE_int64_t', PACKAGE = 'torchpkg', input, K, False)))))) } cpp_torch_namespace_linspace_start_Scalar_end_Scalar <- function(start, end, steps, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_linspace_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', start, end, steps, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_linspace_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', start, end, steps, options)))))) } cpp_torch_namespace_linspace_out_out_Tensor_start_Scalar_end_Scalar <- function(out, start, end, steps) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_linspace_out_out_Tensor_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', out, start, end, steps)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_linspace_out_out_Tensor_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', out, start, end, steps)))))) } cpp_torch_namespace_log_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_log__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_log_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_log10_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log10_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log10_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_log10__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log10__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log10__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_log10_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log10_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log10_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_log1p_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log1p_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log1p_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_log1p__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log1p__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log1p__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_log1p_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log1p_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log1p_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_log2_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log2_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log2_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_log2__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log2__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log2__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_log2_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log2_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log2_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_logdet_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logdet_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logdet_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_logspace_start_Scalar_end_Scalar <- function(start, end, steps, base, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logspace_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', start, end, steps, base, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logspace_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', start, end, steps, base, options)))))) } cpp_torch_namespace_logspace_out_out_Tensor_start_Scalar_end_Scalar <- function(out, start, end, steps, base) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logspace_out_out_Tensor_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', out, start, end, steps, base)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logspace_out_out_Tensor_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', out, start, end, steps, base)))))) } cpp_torch_namespace_log_softmax_self_Tensor_dim_int64_t <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_softmax_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_softmax_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_namespace_log_softmax_self_Tensor_dim_Dimname <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_softmax_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_softmax_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_namespace__log_softmax_self_Tensor_dim_int64_t_half_to_float_bool <- function(self, dim, half_to_float) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__log_softmax_self_Tensor_dim_int64_t_half_to_float_bool', PACKAGE = 'torchpkg', self, dim, half_to_float)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__log_softmax_self_Tensor_dim_int64_t_half_to_float_bool', PACKAGE = 'torchpkg', self, dim, half_to_float)))))) } cpp_torch_namespace__log_softmax_backward_data_grad_output_Tensor_output_Tensor_dim_int64_t_self_Tensor <- function(grad_output, output, dim, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__log_softmax_backward_data_grad_output_Tensor_output_Tensor_dim_int64_t_self_Tensor', PACKAGE = 'torchpkg', grad_output, output, dim, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__log_softmax_backward_data_grad_output_Tensor_output_Tensor_dim_int64_t_self_Tensor', PACKAGE = 'torchpkg', grad_output, output, dim, self)))))) } cpp_torch_namespace_logsumexp_self_Tensor_dim_IntArrayRef <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logsumexp_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logsumexp_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_logsumexp_out_out_Tensor_self_Tensor_dim_IntArrayRef <- function(out, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logsumexp_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logsumexp_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, keepdim)))))) } cpp_torch_namespace_logsumexp_self_Tensor_dim_DimnameList <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logsumexp_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logsumexp_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_logsumexp_out_out_Tensor_self_Tensor_dim_DimnameList <- function(out, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_logsumexp_out_out_Tensor_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', out, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_logsumexp_out_out_Tensor_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', out, self, dim, keepdim)))))) } cpp_torch_namespace_margin_ranking_loss_input1_Tensor_input2_Tensor_target_Tensor <- function(input1, input2, target, margin, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_margin_ranking_loss_input1_Tensor_input2_Tensor_target_Tensor', PACKAGE = 'torchpkg', input1, input2, target, margin, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_margin_ranking_loss_input1_Tensor_input2_Tensor_target_Tensor', PACKAGE = 'torchpkg', input1, input2, target, margin, reduction)))))) } cpp_torch_namespace_matmul_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_matmul_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_matmul_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_matmul_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_matmul_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_matmul_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_matrix_rank_self_Tensor_tol_double <- function(self, tol, symmetric) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_matrix_rank_self_Tensor_tol_double', PACKAGE = 'torchpkg', self, tol, symmetric)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_matrix_rank_self_Tensor_tol_double', PACKAGE = 'torchpkg', self, tol, symmetric)))))) } cpp_torch_namespace_matrix_rank_self_Tensor <- function(self, symmetric) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_matrix_rank_self_Tensor', PACKAGE = 'torchpkg', self, symmetric)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_matrix_rank_self_Tensor', PACKAGE = 'torchpkg', self, symmetric)))))) } cpp_torch_namespace_matrix_power_self_Tensor_n_int64_t <- function(self, n) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_matrix_power_self_Tensor_n_int64_t', PACKAGE = 'torchpkg', self, n)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_matrix_power_self_Tensor_n_int64_t', PACKAGE = 'torchpkg', self, n)))))) } cpp_torch_namespace_max_self_Tensor_dim_int64_t <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_max_out_max_Tensor_max_values_Tensor_self_Tensor_dim_int64_t <- function(max, max_values, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_out_max_Tensor_max_values_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', max, max_values, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_out_max_Tensor_max_values_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', max, max_values, self, dim, keepdim)))))) } cpp_torch_namespace_max_values_self_Tensor_dim_IntArrayRef <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_values_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_values_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_max_self_Tensor_dim_Dimname <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_max_out_max_Tensor_max_values_Tensor_self_Tensor_dim_Dimname <- function(max, max_values, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_out_max_Tensor_max_values_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', max, max_values, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_out_max_Tensor_max_values_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', max, max_values, self, dim, keepdim)))))) } cpp_torch_namespace_max_values_self_Tensor_dim_DimnameList <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_values_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_values_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_max_pool1d_with_indices_self_Tensor_kernel_size_IntArrayRef <- function(self, kernel_size, stride, padding, dilation, ceil_mode) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool1d_with_indices_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool1d_with_indices_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)))))) } cpp_torch_namespace_max_pool1d_self_Tensor_kernel_size_IntArrayRef <- function(self, kernel_size, stride, padding, dilation, ceil_mode) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool1d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool1d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)))))) } cpp_torch_namespace_max_pool2d_self_Tensor_kernel_size_IntArrayRef <- function(self, kernel_size, stride, padding, dilation, ceil_mode) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool2d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool2d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)))))) } cpp_torch_namespace_mkldnn_max_pool2d_self_Tensor_kernel_size_IntArrayRef <- function(self, kernel_size, stride, padding, dilation, ceil_mode) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_max_pool2d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_max_pool2d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)))))) } cpp_torch_namespace_quantized_max_pool2d_self_Tensor_kernel_size_IntArrayRef <- function(self, kernel_size, stride, padding, dilation, ceil_mode) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_max_pool2d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_max_pool2d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)))))) } cpp_torch_namespace_max_pool3d_self_Tensor_kernel_size_IntArrayRef <- function(self, kernel_size, stride, padding, dilation, ceil_mode) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool3d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool3d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)))))) } cpp_torch_namespace_mean_self_Tensor <- function(self, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mean_self_Tensor', PACKAGE = 'torchpkg', self, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mean_self_Tensor', PACKAGE = 'torchpkg', self, dtype)))))) } cpp_torch_namespace_mean_self_Tensor_dim_IntArrayRef <- function(self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mean_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mean_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)))))) } cpp_torch_namespace_mean_out_out_Tensor_self_Tensor_dim_IntArrayRef <- function(out, self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mean_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mean_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, keepdim, dtype)))))) } cpp_torch_namespace_mean_self_Tensor_dim_DimnameList <- function(self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mean_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mean_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)))))) } cpp_torch_namespace_mean_out_out_Tensor_self_Tensor_dim_DimnameList <- function(out, self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mean_out_out_Tensor_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', out, self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mean_out_out_Tensor_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', out, self, dim, keepdim, dtype)))))) } cpp_torch_namespace_median_self_Tensor_dim_int64_t <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_median_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_median_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_median_out_values_Tensor_indices_Tensor_self_Tensor_dim_int64_t <- function(values, indices, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_median_out_values_Tensor_indices_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', values, indices, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_median_out_values_Tensor_indices_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', values, indices, self, dim, keepdim)))))) } cpp_torch_namespace_median_self_Tensor_dim_Dimname <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_median_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_median_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_median_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname <- function(values, indices, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_median_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', values, indices, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_median_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', values, indices, self, dim, keepdim)))))) } cpp_torch_namespace_min_self_Tensor_dim_int64_t <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_min_out_min_Tensor_min_indices_Tensor_self_Tensor_dim_int64_t <- function(min, min_indices, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_out_min_Tensor_min_indices_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', min, min_indices, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_out_min_Tensor_min_indices_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', min, min_indices, self, dim, keepdim)))))) } cpp_torch_namespace_min_values_self_Tensor_dim_IntArrayRef <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_values_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_values_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_min_self_Tensor_dim_Dimname <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_min_out_min_Tensor_min_indices_Tensor_self_Tensor_dim_Dimname <- function(min, min_indices, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_out_min_Tensor_min_indices_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', min, min_indices, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_out_min_Tensor_min_indices_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', min, min_indices, self, dim, keepdim)))))) } cpp_torch_namespace_min_values_self_Tensor_dim_DimnameList <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_values_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_values_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_mkldnn_convolution_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t <- function(self, weight, bias, padding, stride, dilation, groups) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_convolution_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t', PACKAGE = 'torchpkg', self, weight, bias, padding, stride, dilation, groups)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_convolution_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t', PACKAGE = 'torchpkg', self, weight, bias, padding, stride, dilation, groups)))))) } cpp_torch_namespace_mkldnn_convolution_backward_input_self_size_IntArrayRef_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_bias_defined_bool <- function(self_size, grad_output, weight, padding, stride, dilation, groups, bias_defined) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_convolution_backward_input_self_size_IntArrayRef_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_bias_defined_bool', PACKAGE = 'torchpkg', self_size, grad_output, weight, padding, stride, dilation, groups, bias_defined)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_convolution_backward_input_self_size_IntArrayRef_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_bias_defined_bool', PACKAGE = 'torchpkg', self_size, grad_output, weight, padding, stride, dilation, groups, bias_defined)))))) } cpp_torch_namespace_mkldnn_convolution_backward_weights_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_bias_defined_bool <- function(weight_size, grad_output, self, padding, stride, dilation, groups, bias_defined) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_convolution_backward_weights_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_bias_defined_bool', PACKAGE = 'torchpkg', weight_size, grad_output, self, padding, stride, dilation, groups, bias_defined)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_convolution_backward_weights_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_bias_defined_bool', PACKAGE = 'torchpkg', weight_size, grad_output, self, padding, stride, dilation, groups, bias_defined)))))) } cpp_torch_namespace_mkldnn_convolution_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_output_mask_stdarraybool3 <- function(self, grad_output, weight, padding, stride, dilation, groups, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_convolution_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_output_mask_stdarraybool3', PACKAGE = 'torchpkg', self, grad_output, weight, padding, stride, dilation, groups, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_convolution_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_output_mask_stdarraybool3', PACKAGE = 'torchpkg', self, grad_output, weight, padding, stride, dilation, groups, output_mask)))))) } cpp_torch_namespace_miopen_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_exponential_average_factor_double_epsilon_double <- function(input, weight, bias, running_mean, running_var, training, exponential_average_factor, epsilon) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_exponential_average_factor_double_epsilon_double', PACKAGE = 'torchpkg', input, weight, bias, running_mean, running_var, training, exponential_average_factor, epsilon)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_exponential_average_factor_double_epsilon_double', PACKAGE = 'torchpkg', input, weight, bias, running_mean, running_var, training, exponential_average_factor, epsilon)))))) } cpp_torch_namespace_miopen_batch_norm_backward_input_Tensor_grad_output_Tensor_weight_Tensor_running_mean_Tensor_running_var_Tensor_save_mean_Tensor_save_var_Tensor_epsilon_double <- function(input, grad_output, weight, running_mean, running_var, save_mean, save_var, epsilon) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_batch_norm_backward_input_Tensor_grad_output_Tensor_weight_Tensor_running_mean_Tensor_running_var_Tensor_save_mean_Tensor_save_var_Tensor_epsilon_double', PACKAGE = 'torchpkg', input, grad_output, weight, running_mean, running_var, save_mean, save_var, epsilon)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_batch_norm_backward_input_Tensor_grad_output_Tensor_weight_Tensor_running_mean_Tensor_running_var_Tensor_save_mean_Tensor_save_var_Tensor_epsilon_double', PACKAGE = 'torchpkg', input, grad_output, weight, running_mean, running_var, save_mean, save_var, epsilon)))))) } cpp_torch_namespace_miopen_convolution_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(self, weight, bias, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, bias, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, bias, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_miopen_convolution_backward_input_self_size_IntArrayRef_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(self_size, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_backward_input_self_size_IntArrayRef_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self_size, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_backward_input_self_size_IntArrayRef_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self_size, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_miopen_convolution_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool3 <- function(self, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool3', PACKAGE = 'torchpkg', self, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool3', PACKAGE = 'torchpkg', self, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic, output_mask)))))) } cpp_torch_namespace_miopen_convolution_backward_bias_grad_output_Tensor <- function(grad_output) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_backward_bias_grad_output_Tensor', PACKAGE = 'torchpkg', grad_output)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_backward_bias_grad_output_Tensor', PACKAGE = 'torchpkg', grad_output)))))) } cpp_torch_namespace_miopen_convolution_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_miopen_convolution_transpose_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(self, weight, bias, padding, output_padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_transpose_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, bias, padding, output_padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_transpose_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, bias, padding, output_padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_miopen_convolution_transpose_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool3 <- function(self, grad_output, weight, padding, output_padding, stride, dilation, groups, benchmark, deterministic, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_transpose_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool3', PACKAGE = 'torchpkg', self, grad_output, weight, padding, output_padding, stride, dilation, groups, benchmark, deterministic, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_transpose_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_output_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool3', PACKAGE = 'torchpkg', self, grad_output, weight, padding, output_padding, stride, dilation, groups, benchmark, deterministic, output_mask)))))) } cpp_torch_namespace_miopen_convolution_transpose_backward_input_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_transpose_backward_input_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_transpose_backward_input_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_miopen_convolution_transpose_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_transpose_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_convolution_transpose_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_miopen_depthwise_convolution_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(self, weight, bias, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_depthwise_convolution_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, bias, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_depthwise_convolution_self_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self, weight, bias, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_miopen_depthwise_convolution_backward_input_self_size_IntArrayRef_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(self_size, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_depthwise_convolution_backward_input_self_size_IntArrayRef_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self_size, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_depthwise_convolution_backward_input_self_size_IntArrayRef_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', self_size, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_miopen_depthwise_convolution_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool3 <- function(self, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_depthwise_convolution_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool3', PACKAGE = 'torchpkg', self, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_depthwise_convolution_backward_self_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool_output_mask_stdarraybool3', PACKAGE = 'torchpkg', self, grad_output, weight, padding, stride, dilation, groups, benchmark, deterministic, output_mask)))))) } cpp_torch_namespace_miopen_depthwise_convolution_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool <- function(weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_depthwise_convolution_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_depthwise_convolution_backward_weight_weight_size_IntArrayRef_grad_output_Tensor_self_Tensor_padding_IntArrayRef_stride_IntArrayRef_dilation_IntArrayRef_groups_int64_t_benchmark_bool_deterministic_bool', PACKAGE = 'torchpkg', weight_size, grad_output, self, padding, stride, dilation, groups, benchmark, deterministic)))))) } cpp_torch_namespace_miopen_rnn_input_Tensor_weight_TensorList_weight_stride0_int64_t_hx_Tensor_cx_Tensor_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_dropout_double_train_bool_bidirectional_bool_batch_sizes_IntArrayRef_dropout_state_Tensor <- function(input, weight, weight_stride0, hx, cx, mode, hidden_size, num_layers, batch_first, dropout, train, bidirectional, batch_sizes, dropout_state) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_rnn_input_Tensor_weight_TensorList_weight_stride0_int64_t_hx_Tensor_cx_Tensor_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_dropout_double_train_bool_bidirectional_bool_batch_sizes_IntArrayRef_dropout_state_Tensor', PACKAGE = 'torchpkg', input, weight, weight_stride0, hx, cx, mode, hidden_size, num_layers, batch_first, dropout, train, bidirectional, batch_sizes, dropout_state)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_rnn_input_Tensor_weight_TensorList_weight_stride0_int64_t_hx_Tensor_cx_Tensor_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_dropout_double_train_bool_bidirectional_bool_batch_sizes_IntArrayRef_dropout_state_Tensor', PACKAGE = 'torchpkg', input, weight, weight_stride0, hx, cx, mode, hidden_size, num_layers, batch_first, dropout, train, bidirectional, batch_sizes, dropout_state)))))) } cpp_torch_namespace_miopen_rnn_backward_input_Tensor_weight_TensorList_weight_stride0_int64_t_weight_buf_Tensor_hx_Tensor_cx_Tensor_output_Tensor_grad_output_Tensor_grad_hy_Tensor_grad_cy_Tensor_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_dropout_double_train_bool_bidirectional_bool_batch_sizes_IntArrayRef_dropout_state_Tensor_reserve_Tensor_output_mask_stdarraybool4 <- function(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy, mode, hidden_size, num_layers, batch_first, dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_rnn_backward_input_Tensor_weight_TensorList_weight_stride0_int64_t_weight_buf_Tensor_hx_Tensor_cx_Tensor_output_Tensor_grad_output_Tensor_grad_hy_Tensor_grad_cy_Tensor_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_dropout_double_train_bool_bidirectional_bool_batch_sizes_IntArrayRef_dropout_state_Tensor_reserve_Tensor_output_mask_stdarraybool4', PACKAGE = 'torchpkg', input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy, mode, hidden_size, num_layers, batch_first, dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_miopen_rnn_backward_input_Tensor_weight_TensorList_weight_stride0_int64_t_weight_buf_Tensor_hx_Tensor_cx_Tensor_output_Tensor_grad_output_Tensor_grad_hy_Tensor_grad_cy_Tensor_mode_int64_t_hidden_size_int64_t_num_layers_int64_t_batch_first_bool_dropout_double_train_bool_bidirectional_bool_batch_sizes_IntArrayRef_dropout_state_Tensor_reserve_Tensor_output_mask_stdarraybool4', PACKAGE = 'torchpkg', input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy, mode, hidden_size, num_layers, batch_first, dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask)))))) } cpp_torch_namespace_mm_self_Tensor_mat2_Tensor <- function(self, mat2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mm_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mm_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat2)))))) } cpp_torch_namespace_mm_out_out_Tensor_self_Tensor_mat2_Tensor <- function(out, self, mat2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mm_out_out_Tensor_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', out, self, mat2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mm_out_out_Tensor_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', out, self, mat2)))))) } cpp_torch_namespace__sparse_mm_sparse_Tensor_dense_Tensor <- function(sparse, dense) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_mm_sparse_Tensor_dense_Tensor', PACKAGE = 'torchpkg', sparse, dense)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_mm_sparse_Tensor_dense_Tensor', PACKAGE = 'torchpkg', sparse, dense)))))) } cpp_torch_namespace_mode_self_Tensor <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mode_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mode_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_mode_out_values_Tensor_indices_Tensor_self_Tensor <- function(values, indices, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mode_out_values_Tensor_indices_Tensor_self_Tensor', PACKAGE = 'torchpkg', values, indices, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mode_out_values_Tensor_indices_Tensor_self_Tensor', PACKAGE = 'torchpkg', values, indices, self, dim, keepdim)))))) } cpp_torch_namespace_mode_self_Tensor_dim_Dimname <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mode_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mode_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_mode_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname <- function(values, indices, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mode_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', values, indices, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mode_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', values, indices, self, dim, keepdim)))))) } cpp_torch_namespace_mul_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mul_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mul_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_mul_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mul_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mul_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_mul_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mul_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mul_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_mv_self_Tensor_vec_Tensor <- function(self, vec) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mv_self_Tensor_vec_Tensor', PACKAGE = 'torchpkg', self, vec)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mv_self_Tensor_vec_Tensor', PACKAGE = 'torchpkg', self, vec)))))) } cpp_torch_namespace_mv_out_out_Tensor_self_Tensor_vec_Tensor <- function(out, self, vec) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mv_out_out_Tensor_self_Tensor_vec_Tensor', PACKAGE = 'torchpkg', out, self, vec)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mv_out_out_Tensor_self_Tensor_vec_Tensor', PACKAGE = 'torchpkg', out, self, vec)))))) } cpp_torch_namespace_mvlgamma_self_Tensor_p_int64_t <- function(self, p) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mvlgamma_self_Tensor_p_int64_t', PACKAGE = 'torchpkg', self, p)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mvlgamma_self_Tensor_p_int64_t', PACKAGE = 'torchpkg', self, p)))))) } cpp_torch_namespace_narrow_self_Tensor_dim_int64_t_start_int64_t_length_int64_t <- function(self, dim, start, length) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_narrow_self_Tensor_dim_int64_t_start_int64_t_length_int64_t', PACKAGE = 'torchpkg', self, dim, start, length)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_narrow_self_Tensor_dim_int64_t_start_int64_t_length_int64_t', PACKAGE = 'torchpkg', self, dim, start, length)))))) } cpp_torch_namespace_narrow_self_Tensor_dim_int64_t_start_Tensor_length_int64_t <- function(self, dim, start, length) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_narrow_self_Tensor_dim_int64_t_start_Tensor_length_int64_t', PACKAGE = 'torchpkg', self, dim, start, length)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_narrow_self_Tensor_dim_int64_t_start_Tensor_length_int64_t', PACKAGE = 'torchpkg', self, dim, start, length)))))) } cpp_torch_namespace_native_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_momentum_double_eps_double <- function(input, weight, bias, running_mean, running_var, training, momentum, eps) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_native_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_momentum_double_eps_double', PACKAGE = 'torchpkg', input, weight, bias, running_mean, running_var, training, momentum, eps)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_native_batch_norm_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_momentum_double_eps_double', PACKAGE = 'torchpkg', input, weight, bias, running_mean, running_var, training, momentum, eps)))))) } cpp_torch_namespace_native_batch_norm_out_out_Tensor_save_mean_Tensor_save_invstd_Tensor_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_momentum_double_eps_double <- function(out, save_mean, save_invstd, input, weight, bias, running_mean, running_var, training, momentum, eps) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_native_batch_norm_out_out_Tensor_save_mean_Tensor_save_invstd_Tensor_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_momentum_double_eps_double', PACKAGE = 'torchpkg', out, save_mean, save_invstd, input, weight, bias, running_mean, running_var, training, momentum, eps)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_native_batch_norm_out_out_Tensor_save_mean_Tensor_save_invstd_Tensor_input_Tensor_weight_Tensor_bias_Tensor_running_mean_Tensor_running_var_Tensor_training_bool_momentum_double_eps_double', PACKAGE = 'torchpkg', out, save_mean, save_invstd, input, weight, bias, running_mean, running_var, training, momentum, eps)))))) } cpp_torch_namespace_batch_norm_stats_input_Tensor_eps_double <- function(input, eps) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_stats_input_Tensor_eps_double', PACKAGE = 'torchpkg', input, eps)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_stats_input_Tensor_eps_double', PACKAGE = 'torchpkg', input, eps)))))) } cpp_torch_namespace_batch_norm_elemt_input_Tensor_weight_Tensor_bias_Tensor_mean_Tensor_invstd_Tensor_eps_double <- function(input, weight, bias, mean, invstd, eps) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_elemt_input_Tensor_weight_Tensor_bias_Tensor_mean_Tensor_invstd_Tensor_eps_double', PACKAGE = 'torchpkg', input, weight, bias, mean, invstd, eps)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_elemt_input_Tensor_weight_Tensor_bias_Tensor_mean_Tensor_invstd_Tensor_eps_double', PACKAGE = 'torchpkg', input, weight, bias, mean, invstd, eps)))))) } cpp_torch_namespace_batch_norm_elemt_out_out_Tensor_input_Tensor_weight_Tensor_bias_Tensor_mean_Tensor_invstd_Tensor_eps_double <- function(out, input, weight, bias, mean, invstd, eps) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_elemt_out_out_Tensor_input_Tensor_weight_Tensor_bias_Tensor_mean_Tensor_invstd_Tensor_eps_double', PACKAGE = 'torchpkg', out, input, weight, bias, mean, invstd, eps)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_elemt_out_out_Tensor_input_Tensor_weight_Tensor_bias_Tensor_mean_Tensor_invstd_Tensor_eps_double', PACKAGE = 'torchpkg', out, input, weight, bias, mean, invstd, eps)))))) } cpp_torch_namespace_batch_norm_gather_stats_input_Tensor_mean_Tensor_invstd_Tensor_running_mean_Tensor_running_var_Tensor_momentum_double_eps_double_count_int64_t <- function(input, mean, invstd, running_mean, running_var, momentum, eps, count) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_gather_stats_input_Tensor_mean_Tensor_invstd_Tensor_running_mean_Tensor_running_var_Tensor_momentum_double_eps_double_count_int64_t', PACKAGE = 'torchpkg', input, mean, invstd, running_mean, running_var, momentum, eps, count)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_gather_stats_input_Tensor_mean_Tensor_invstd_Tensor_running_mean_Tensor_running_var_Tensor_momentum_double_eps_double_count_int64_t', PACKAGE = 'torchpkg', input, mean, invstd, running_mean, running_var, momentum, eps, count)))))) } cpp_torch_namespace_batch_norm_gather_stats_with_counts_input_Tensor_mean_Tensor_invstd_Tensor_running_mean_Tensor_running_var_Tensor_momentum_double_eps_double_counts_IntArrayRef <- function(input, mean, invstd, running_mean, running_var, momentum, eps, counts) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_gather_stats_with_counts_input_Tensor_mean_Tensor_invstd_Tensor_running_mean_Tensor_running_var_Tensor_momentum_double_eps_double_counts_IntArrayRef', PACKAGE = 'torchpkg', input, mean, invstd, running_mean, running_var, momentum, eps, counts)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_gather_stats_with_counts_input_Tensor_mean_Tensor_invstd_Tensor_running_mean_Tensor_running_var_Tensor_momentum_double_eps_double_counts_IntArrayRef', PACKAGE = 'torchpkg', input, mean, invstd, running_mean, running_var, momentum, eps, counts)))))) } cpp_torch_namespace_native_batch_norm_backward_grad_out_Tensor_input_Tensor_weight_Tensor_running_mean_Tensor_running_var_Tensor_save_mean_Tensor_save_invstd_Tensor_train_bool_eps_double_output_mask_stdarraybool3 <- function(grad_out, input, weight, running_mean, running_var, save_mean, save_invstd, train, eps, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_native_batch_norm_backward_grad_out_Tensor_input_Tensor_weight_Tensor_running_mean_Tensor_running_var_Tensor_save_mean_Tensor_save_invstd_Tensor_train_bool_eps_double_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_out, input, weight, running_mean, running_var, save_mean, save_invstd, train, eps, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_native_batch_norm_backward_grad_out_Tensor_input_Tensor_weight_Tensor_running_mean_Tensor_running_var_Tensor_save_mean_Tensor_save_invstd_Tensor_train_bool_eps_double_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_out, input, weight, running_mean, running_var, save_mean, save_invstd, train, eps, output_mask)))))) } cpp_torch_namespace_batch_norm_backward_reduce_grad_out_Tensor_input_Tensor_mean_Tensor_invstd_Tensor_weight_Tensor_input_g_bool_weight_g_bool_bias_g_bool <- function(grad_out, input, mean, invstd, weight, input_g, weight_g, bias_g) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_backward_reduce_grad_out_Tensor_input_Tensor_mean_Tensor_invstd_Tensor_weight_Tensor_input_g_bool_weight_g_bool_bias_g_bool', PACKAGE = 'torchpkg', grad_out, input, mean, invstd, weight, input_g, weight_g, bias_g)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_backward_reduce_grad_out_Tensor_input_Tensor_mean_Tensor_invstd_Tensor_weight_Tensor_input_g_bool_weight_g_bool_bias_g_bool', PACKAGE = 'torchpkg', grad_out, input, mean, invstd, weight, input_g, weight_g, bias_g)))))) } cpp_torch_namespace_batch_norm_backward_elemt_grad_out_Tensor_input_Tensor_mean_Tensor_invstd_Tensor_weight_Tensor_mean_dy_Tensor_mean_dy_xmu_Tensor <- function(grad_out, input, mean, invstd, weight, mean_dy, mean_dy_xmu) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_backward_elemt_grad_out_Tensor_input_Tensor_mean_Tensor_invstd_Tensor_weight_Tensor_mean_dy_Tensor_mean_dy_xmu_Tensor', PACKAGE = 'torchpkg', grad_out, input, mean, invstd, weight, mean_dy, mean_dy_xmu)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_backward_elemt_grad_out_Tensor_input_Tensor_mean_Tensor_invstd_Tensor_weight_Tensor_mean_dy_Tensor_mean_dy_xmu_Tensor', PACKAGE = 'torchpkg', grad_out, input, mean, invstd, weight, mean_dy, mean_dy_xmu)))))) } cpp_torch_namespace_batch_norm_update_stats_input_Tensor_running_mean_Tensor_running_var_Tensor_momentum_double <- function(input, running_mean, running_var, momentum) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_update_stats_input_Tensor_running_mean_Tensor_running_var_Tensor_momentum_double', PACKAGE = 'torchpkg', input, running_mean, running_var, momentum)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_batch_norm_update_stats_input_Tensor_running_mean_Tensor_running_var_Tensor_momentum_double', PACKAGE = 'torchpkg', input, running_mean, running_var, momentum)))))) } cpp_torch_namespace__nnpack_spatial_convolution_input_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef <- function(input, weight, bias, padding, stride) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__nnpack_spatial_convolution_input_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', input, weight, bias, padding, stride)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__nnpack_spatial_convolution_input_Tensor_weight_Tensor_bias_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', input, weight, bias, padding, stride)))))) } cpp_torch_namespace__nnpack_spatial_convolution_backward_input_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_output_mask_stdarraybool3 <- function(input, grad_output, weight, padding, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__nnpack_spatial_convolution_backward_input_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_output_mask_stdarraybool3', PACKAGE = 'torchpkg', input, grad_output, weight, padding, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__nnpack_spatial_convolution_backward_input_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef_output_mask_stdarraybool3', PACKAGE = 'torchpkg', input, grad_output, weight, padding, output_mask)))))) } cpp_torch_namespace__nnpack_spatial_convolution_backward_input_input_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef <- function(input, grad_output, weight, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__nnpack_spatial_convolution_backward_input_input_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', input, grad_output, weight, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__nnpack_spatial_convolution_backward_input_input_Tensor_grad_output_Tensor_weight_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', input, grad_output, weight, padding)))))) } cpp_torch_namespace__nnpack_spatial_convolution_backward_weight_input_Tensor_weightsize_IntArrayRef_grad_output_Tensor_padding_IntArrayRef <- function(input, weightsize, grad_output, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__nnpack_spatial_convolution_backward_weight_input_Tensor_weightsize_IntArrayRef_grad_output_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', input, weightsize, grad_output, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__nnpack_spatial_convolution_backward_weight_input_Tensor_weightsize_IntArrayRef_grad_output_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', input, weightsize, grad_output, padding)))))) } cpp_torch_namespace_ones_size_IntArrayRef_names_DimnameList <- function(size, names, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ones_size_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', size, names, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ones_size_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', size, names, options)))))) } cpp_torch_namespace_ones_size_IntArrayRef <- function(size, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ones_size_IntArrayRef', PACKAGE = 'torchpkg', size, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ones_size_IntArrayRef', PACKAGE = 'torchpkg', size, options)))))) } cpp_torch_namespace_ones_out_out_Tensor_size_IntArrayRef <- function(out, size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ones_out_out_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', out, size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ones_out_out_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', out, size)))))) } cpp_torch_namespace_ones_like_self_Tensor <- function(self, options, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ones_like_self_Tensor', PACKAGE = 'torchpkg', self, options, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ones_like_self_Tensor', PACKAGE = 'torchpkg', self, options, memory_format)))))) } cpp_torch_namespace_pairwise_distance_x1_Tensor_x2_Tensor <- function(x1, x2, p, eps, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_pairwise_distance_x1_Tensor_x2_Tensor', PACKAGE = 'torchpkg', x1, x2, p, eps, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_pairwise_distance_x1_Tensor_x2_Tensor', PACKAGE = 'torchpkg', x1, x2, p, eps, keepdim)))))) } cpp_torch_namespace_cdist_x1_Tensor_x2_Tensor <- function(x1, x2, p, compute_mode) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cdist_x1_Tensor_x2_Tensor', PACKAGE = 'torchpkg', x1, x2, p, compute_mode)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cdist_x1_Tensor_x2_Tensor', PACKAGE = 'torchpkg', x1, x2, p, compute_mode)))))) } cpp_torch_namespace__cdist_forward_x1_Tensor_x2_Tensor_p_double_compute_mode_int64_t <- function(x1, x2, p, compute_mode) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cdist_forward_x1_Tensor_x2_Tensor_p_double_compute_mode_int64_t', PACKAGE = 'torchpkg', x1, x2, p, compute_mode)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cdist_forward_x1_Tensor_x2_Tensor_p_double_compute_mode_int64_t', PACKAGE = 'torchpkg', x1, x2, p, compute_mode)))))) } cpp_torch_namespace__cdist_backward_grad_Tensor_x1_Tensor_x2_Tensor_p_double_cdist_Tensor <- function(grad, x1, x2, p, cdist) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cdist_backward_grad_Tensor_x1_Tensor_x2_Tensor_p_double_cdist_Tensor', PACKAGE = 'torchpkg', grad, x1, x2, p, cdist)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cdist_backward_grad_Tensor_x1_Tensor_x2_Tensor_p_double_cdist_Tensor', PACKAGE = 'torchpkg', grad, x1, x2, p, cdist)))))) } cpp_torch_namespace_pdist_self_Tensor <- function(self, p) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_pdist_self_Tensor', PACKAGE = 'torchpkg', self, p)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_pdist_self_Tensor', PACKAGE = 'torchpkg', self, p)))))) } cpp_torch_namespace__pdist_forward_self_Tensor <- function(self, p) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__pdist_forward_self_Tensor', PACKAGE = 'torchpkg', self, p)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__pdist_forward_self_Tensor', PACKAGE = 'torchpkg', self, p)))))) } cpp_torch_namespace__pdist_backward_grad_Tensor_self_Tensor_p_double_pdist_Tensor <- function(grad, self, p, pdist) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__pdist_backward_grad_Tensor_self_Tensor_p_double_pdist_Tensor', PACKAGE = 'torchpkg', grad, self, p, pdist)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__pdist_backward_grad_Tensor_self_Tensor_p_double_pdist_Tensor', PACKAGE = 'torchpkg', grad, self, p, pdist)))))) } cpp_torch_namespace_cosine_similarity_x1_Tensor_x2_Tensor <- function(x1, x2, dim, eps) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cosine_similarity_x1_Tensor_x2_Tensor', PACKAGE = 'torchpkg', x1, x2, dim, eps)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cosine_similarity_x1_Tensor_x2_Tensor', PACKAGE = 'torchpkg', x1, x2, dim, eps)))))) } cpp_torch_namespace_pixel_shuffle_self_Tensor_upscale_factor_int64_t <- function(self, upscale_factor) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_pixel_shuffle_self_Tensor_upscale_factor_int64_t', PACKAGE = 'torchpkg', self, upscale_factor)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_pixel_shuffle_self_Tensor_upscale_factor_int64_t', PACKAGE = 'torchpkg', self, upscale_factor)))))) } cpp_torch_namespace_pinverse_self_Tensor <- function(self, rcond) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_pinverse_self_Tensor', PACKAGE = 'torchpkg', self, rcond)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_pinverse_self_Tensor', PACKAGE = 'torchpkg', self, rcond)))))) } cpp_torch_namespace_poisson_nll_loss_input_Tensor_target_Tensor_log_input_bool_full_bool_eps_double_reduction_int64_t <- function(input, target, log_input, full, eps, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_poisson_nll_loss_input_Tensor_target_Tensor_log_input_bool_full_bool_eps_double_reduction_int64_t', PACKAGE = 'torchpkg', input, target, log_input, full, eps, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_poisson_nll_loss_input_Tensor_target_Tensor_log_input_bool_full_bool_eps_double_reduction_int64_t', PACKAGE = 'torchpkg', input, target, log_input, full, eps, reduction)))))) } cpp_torch_namespace_scalar_tensor_s_Scalar <- function(s, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_scalar_tensor_s_Scalar', PACKAGE = 'torchpkg', s, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_scalar_tensor_s_Scalar', PACKAGE = 'torchpkg', s, options)))))) } cpp_torch_namespace_rand_size_IntArrayRef_names_DimnameList <- function(size, names, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_size_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', size, names, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_size_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', size, names, options)))))) } cpp_torch_namespace_rand_size_IntArrayRef_generator_Generator_names_DimnameList <- function(size, generator, names, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_size_IntArrayRef_generator_Generator_names_DimnameList', PACKAGE = 'torchpkg', size, generator, names, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_size_IntArrayRef_generator_Generator_names_DimnameList', PACKAGE = 'torchpkg', size, generator, names, options)))))) } cpp_torch_namespace_rand_size_IntArrayRef <- function(size, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_size_IntArrayRef', PACKAGE = 'torchpkg', size, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_size_IntArrayRef', PACKAGE = 'torchpkg', size, options)))))) } cpp_torch_namespace_rand_size_IntArrayRef_generator_Generator <- function(size, generator, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', size, generator, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', size, generator, options)))))) } cpp_torch_namespace_rand_out_out_Tensor_size_IntArrayRef <- function(out, size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_out_out_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', out, size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_out_out_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', out, size)))))) } cpp_torch_namespace_rand_out_out_Tensor_size_IntArrayRef_generator_Generator <- function(out, size, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_out_out_Tensor_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', out, size, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_out_out_Tensor_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', out, size, generator)))))) } cpp_torch_namespace_rand_like_self_Tensor <- function(self, options, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_like_self_Tensor', PACKAGE = 'torchpkg', self, options, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rand_like_self_Tensor', PACKAGE = 'torchpkg', self, options, memory_format)))))) } cpp_torch_namespace_randint_high_int64_t_size_IntArrayRef <- function(high, size, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_high_int64_t_size_IntArrayRef', PACKAGE = 'torchpkg', high, size, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_high_int64_t_size_IntArrayRef', PACKAGE = 'torchpkg', high, size, options)))))) } cpp_torch_namespace_randint_high_int64_t_size_IntArrayRef_generator_Generator <- function(high, size, generator, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_high_int64_t_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', high, size, generator, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_high_int64_t_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', high, size, generator, options)))))) } cpp_torch_namespace_randint_low_int64_t_high_int64_t_size_IntArrayRef <- function(low, high, size, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_low_int64_t_high_int64_t_size_IntArrayRef', PACKAGE = 'torchpkg', low, high, size, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_low_int64_t_high_int64_t_size_IntArrayRef', PACKAGE = 'torchpkg', low, high, size, options)))))) } cpp_torch_namespace_randint_low_int64_t_high_int64_t_size_IntArrayRef_generator_Generator <- function(low, high, size, generator, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_low_int64_t_high_int64_t_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', low, high, size, generator, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_low_int64_t_high_int64_t_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', low, high, size, generator, options)))))) } cpp_torch_namespace_randint_out_out_Tensor_high_int64_t_size_IntArrayRef <- function(out, high, size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_out_out_Tensor_high_int64_t_size_IntArrayRef', PACKAGE = 'torchpkg', out, high, size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_out_out_Tensor_high_int64_t_size_IntArrayRef', PACKAGE = 'torchpkg', out, high, size)))))) } cpp_torch_namespace_randint_out_out_Tensor_high_int64_t_size_IntArrayRef_generator_Generator <- function(out, high, size, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_out_out_Tensor_high_int64_t_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', out, high, size, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_out_out_Tensor_high_int64_t_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', out, high, size, generator)))))) } cpp_torch_namespace_randint_out_out_Tensor_low_int64_t_high_int64_t_size_IntArrayRef <- function(out, low, high, size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_out_out_Tensor_low_int64_t_high_int64_t_size_IntArrayRef', PACKAGE = 'torchpkg', out, low, high, size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_out_out_Tensor_low_int64_t_high_int64_t_size_IntArrayRef', PACKAGE = 'torchpkg', out, low, high, size)))))) } cpp_torch_namespace_randint_out_out_Tensor_low_int64_t_high_int64_t_size_IntArrayRef_generator_Generator <- function(out, low, high, size, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_out_out_Tensor_low_int64_t_high_int64_t_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', out, low, high, size, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_out_out_Tensor_low_int64_t_high_int64_t_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', out, low, high, size, generator)))))) } cpp_torch_namespace_randint_like_self_Tensor_high_int64_t <- function(self, high, options, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_like_self_Tensor_high_int64_t', PACKAGE = 'torchpkg', self, high, options, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_like_self_Tensor_high_int64_t', PACKAGE = 'torchpkg', self, high, options, memory_format)))))) } cpp_torch_namespace_randint_like_self_Tensor_low_int64_t_high_int64_t <- function(self, low, high, options, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_like_self_Tensor_low_int64_t_high_int64_t', PACKAGE = 'torchpkg', self, low, high, options, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randint_like_self_Tensor_low_int64_t_high_int64_t', PACKAGE = 'torchpkg', self, low, high, options, memory_format)))))) } cpp_torch_namespace_randn_size_IntArrayRef <- function(size, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_size_IntArrayRef', PACKAGE = 'torchpkg', size, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_size_IntArrayRef', PACKAGE = 'torchpkg', size, options)))))) } cpp_torch_namespace_randn_size_IntArrayRef_generator_Generator <- function(size, generator, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', size, generator, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', size, generator, options)))))) } cpp_torch_namespace_randn_size_IntArrayRef_names_DimnameList <- function(size, names, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_size_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', size, names, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_size_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', size, names, options)))))) } cpp_torch_namespace_randn_size_IntArrayRef_generator_Generator_names_DimnameList <- function(size, generator, names, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_size_IntArrayRef_generator_Generator_names_DimnameList', PACKAGE = 'torchpkg', size, generator, names, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_size_IntArrayRef_generator_Generator_names_DimnameList', PACKAGE = 'torchpkg', size, generator, names, options)))))) } cpp_torch_namespace_randn_out_out_Tensor_size_IntArrayRef <- function(out, size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_out_out_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', out, size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_out_out_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', out, size)))))) } cpp_torch_namespace_randn_out_out_Tensor_size_IntArrayRef_generator_Generator <- function(out, size, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_out_out_Tensor_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', out, size, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_out_out_Tensor_size_IntArrayRef_generator_Generator', PACKAGE = 'torchpkg', out, size, generator)))))) } cpp_torch_namespace_randn_like_self_Tensor <- function(self, options, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_like_self_Tensor', PACKAGE = 'torchpkg', self, options, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randn_like_self_Tensor', PACKAGE = 'torchpkg', self, options, memory_format)))))) } cpp_torch_namespace_randperm_n_int64_t <- function(n, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randperm_n_int64_t', PACKAGE = 'torchpkg', n, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randperm_n_int64_t', PACKAGE = 'torchpkg', n, options)))))) } cpp_torch_namespace_randperm_n_int64_t_generator_Generator <- function(n, generator, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randperm_n_int64_t_generator_Generator', PACKAGE = 'torchpkg', n, generator, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randperm_n_int64_t_generator_Generator', PACKAGE = 'torchpkg', n, generator, options)))))) } cpp_torch_namespace_randperm_out_out_Tensor_n_int64_t <- function(out, n) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randperm_out_out_Tensor_n_int64_t', PACKAGE = 'torchpkg', out, n)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randperm_out_out_Tensor_n_int64_t', PACKAGE = 'torchpkg', out, n)))))) } cpp_torch_namespace_randperm_out_out_Tensor_n_int64_t_generator_Generator <- function(out, n, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_randperm_out_out_Tensor_n_int64_t_generator_Generator', PACKAGE = 'torchpkg', out, n, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_randperm_out_out_Tensor_n_int64_t_generator_Generator', PACKAGE = 'torchpkg', out, n, generator)))))) } cpp_torch_namespace_range_start_Scalar_end_Scalar <- function(start, end, step, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_range_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', start, end, step, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_range_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', start, end, step, options)))))) } cpp_torch_namespace_range_out_out_Tensor_start_Scalar_end_Scalar <- function(out, start, end, step) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_range_out_out_Tensor_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', out, start, end, step)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_range_out_out_Tensor_start_Scalar_end_Scalar', PACKAGE = 'torchpkg', out, start, end, step)))))) } cpp_torch_namespace_reciprocal_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_reciprocal_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_reciprocal_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_reciprocal__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_reciprocal__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_reciprocal__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_reciprocal_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_reciprocal_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_reciprocal_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_neg_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_neg_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_neg_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_neg__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_neg__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_neg__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_neg_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_neg_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_neg_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_repeat_interleave_repeats_Tensor <- function(repeats) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_repeat_interleave_repeats_Tensor', PACKAGE = 'torchpkg', repeats)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_repeat_interleave_repeats_Tensor', PACKAGE = 'torchpkg', repeats)))))) } cpp_torch_namespace_repeat_interleave_self_Tensor_repeats_Tensor <- function(self, repeats, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_repeat_interleave_self_Tensor_repeats_Tensor', PACKAGE = 'torchpkg', self, repeats, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_repeat_interleave_self_Tensor_repeats_Tensor', PACKAGE = 'torchpkg', self, repeats, dim)))))) } cpp_torch_namespace_repeat_interleave_self_Tensor_repeats_int64_t <- function(self, repeats, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_repeat_interleave_self_Tensor_repeats_int64_t', PACKAGE = 'torchpkg', self, repeats, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_repeat_interleave_self_Tensor_repeats_int64_t', PACKAGE = 'torchpkg', self, repeats, dim)))))) } cpp_torch_namespace_reshape_self_Tensor_shape_IntArrayRef <- function(self, shape) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_reshape_self_Tensor_shape_IntArrayRef', PACKAGE = 'torchpkg', self, shape)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_reshape_self_Tensor_shape_IntArrayRef', PACKAGE = 'torchpkg', self, shape)))))) } cpp_torch_namespace__mkldnn_reshape_self_Tensor_shape_IntArrayRef <- function(self, shape) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__mkldnn_reshape_self_Tensor_shape_IntArrayRef', PACKAGE = 'torchpkg', self, shape)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__mkldnn_reshape_self_Tensor_shape_IntArrayRef', PACKAGE = 'torchpkg', self, shape)))))) } cpp_torch_namespace_round_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_round_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_round_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_round__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_round__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_round__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_round_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_round_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_round_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_rrelu_self_Tensor <- function(self, lower, upper, training, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rrelu_self_Tensor', PACKAGE = 'torchpkg', self, lower, upper, training, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rrelu_self_Tensor', PACKAGE = 'torchpkg', self, lower, upper, training, generator)))))) } cpp_torch_namespace_rrelu__self_Tensor <- function(self, lower, upper, training, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rrelu__self_Tensor', PACKAGE = 'torchpkg', self, lower, upper, training, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rrelu__self_Tensor', PACKAGE = 'torchpkg', self, lower, upper, training, generator)))))) } cpp_torch_namespace_relu_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_relu_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_relu_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_relu__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_relu__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_relu__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_prelu_self_Tensor_weight_Tensor <- function(self, weight) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_prelu_self_Tensor_weight_Tensor', PACKAGE = 'torchpkg', self, weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_prelu_self_Tensor_weight_Tensor', PACKAGE = 'torchpkg', self, weight)))))) } cpp_torch_namespace_prelu_backward_grad_output_Tensor_self_Tensor_weight_Tensor <- function(grad_output, self, weight) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_prelu_backward_grad_output_Tensor_self_Tensor_weight_Tensor', PACKAGE = 'torchpkg', grad_output, self, weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_prelu_backward_grad_output_Tensor_self_Tensor_weight_Tensor', PACKAGE = 'torchpkg', grad_output, self, weight)))))) } cpp_torch_namespace_gelu_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_gelu_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_gelu_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_gelu_backward_grad_Tensor_self_Tensor <- function(grad, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_gelu_backward_grad_Tensor_self_Tensor', PACKAGE = 'torchpkg', grad, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_gelu_backward_grad_Tensor_self_Tensor', PACKAGE = 'torchpkg', grad, self)))))) } cpp_torch_namespace_hardshrink_self_Tensor <- function(self, lambd) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardshrink_self_Tensor', PACKAGE = 'torchpkg', self, lambd)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardshrink_self_Tensor', PACKAGE = 'torchpkg', self, lambd)))))) } cpp_torch_namespace_hardshrink_backward_grad_out_Tensor_self_Tensor_lambd_Scalar <- function(grad_out, self, lambd) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardshrink_backward_grad_out_Tensor_self_Tensor_lambd_Scalar', PACKAGE = 'torchpkg', grad_out, self, lambd)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardshrink_backward_grad_out_Tensor_self_Tensor_lambd_Scalar', PACKAGE = 'torchpkg', grad_out, self, lambd)))))) } cpp_torch_namespace_rsqrt_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rsqrt_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rsqrt_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_rsqrt__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rsqrt__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rsqrt__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_rsqrt_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rsqrt_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rsqrt_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_select_self_Tensor_dim_Dimname_index_int64_t <- function(self, dim, index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_select_self_Tensor_dim_Dimname_index_int64_t', PACKAGE = 'torchpkg', self, dim, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_select_self_Tensor_dim_Dimname_index_int64_t', PACKAGE = 'torchpkg', self, dim, index)))))) } cpp_torch_namespace_select_self_Tensor_dim_int64_t_index_int64_t <- function(self, dim, index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_select_self_Tensor_dim_int64_t_index_int64_t', PACKAGE = 'torchpkg', self, dim, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_select_self_Tensor_dim_int64_t_index_int64_t', PACKAGE = 'torchpkg', self, dim, index)))))) } cpp_torch_namespace_selu_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_selu_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_selu_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_selu__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_selu__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_selu__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_celu_self_Tensor <- function(self, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_celu_self_Tensor', PACKAGE = 'torchpkg', self, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_celu_self_Tensor', PACKAGE = 'torchpkg', self, alpha)))))) } cpp_torch_namespace_celu__self_Tensor <- function(self, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_celu__self_Tensor', PACKAGE = 'torchpkg', self, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_celu__self_Tensor', PACKAGE = 'torchpkg', self, alpha)))))) } cpp_torch_namespace_sigmoid_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sigmoid_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sigmoid_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_sigmoid__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sigmoid__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sigmoid__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_sigmoid_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sigmoid_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sigmoid_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_sin_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sin_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sin_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_sin__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sin__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sin__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_sin_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sin_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sin_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_sinh_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sinh_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sinh_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_sinh__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sinh__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sinh__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_sinh_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sinh_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sinh_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_detach_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_detach_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_detach_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_detach__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_detach__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_detach__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_size_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_size_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_size_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_size_self_Tensor_dim_Dimname <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_size_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_size_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_slice_self_Tensor <- function(self, dim, start, end, step) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slice_self_Tensor', PACKAGE = 'torchpkg', self, dim, start, end, step)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slice_self_Tensor', PACKAGE = 'torchpkg', self, dim, start, end, step)))))) } cpp_torch_namespace_slogdet_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slogdet_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slogdet_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_smm_self_Tensor_mat2_Tensor <- function(self, mat2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_smm_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_smm_self_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat2)))))) } cpp_torch_namespace_softmax_self_Tensor_dim_int64_t <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_softmax_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_softmax_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_namespace_softmax_self_Tensor_dim_Dimname <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_softmax_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_softmax_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_namespace__softmax_self_Tensor_dim_int64_t_half_to_float_bool <- function(self, dim, half_to_float) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__softmax_self_Tensor_dim_int64_t_half_to_float_bool', PACKAGE = 'torchpkg', self, dim, half_to_float)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__softmax_self_Tensor_dim_int64_t_half_to_float_bool', PACKAGE = 'torchpkg', self, dim, half_to_float)))))) } cpp_torch_namespace__softmax_backward_data_grad_output_Tensor_output_Tensor_dim_int64_t_self_Tensor <- function(grad_output, output, dim, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__softmax_backward_data_grad_output_Tensor_output_Tensor_dim_int64_t_self_Tensor', PACKAGE = 'torchpkg', grad_output, output, dim, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__softmax_backward_data_grad_output_Tensor_output_Tensor_dim_int64_t_self_Tensor', PACKAGE = 'torchpkg', grad_output, output, dim, self)))))) } cpp_torch_namespace_split_self_Tensor_split_size_int64_t <- function(self, split_size, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_split_self_Tensor_split_size_int64_t', PACKAGE = 'torchpkg', self, split_size, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_split_self_Tensor_split_size_int64_t', PACKAGE = 'torchpkg', self, split_size, dim)))))) } cpp_torch_namespace_split_with_sizes_self_Tensor_split_sizes_IntArrayRef <- function(self, split_sizes, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_split_with_sizes_self_Tensor_split_sizes_IntArrayRef', PACKAGE = 'torchpkg', self, split_sizes, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_split_with_sizes_self_Tensor_split_sizes_IntArrayRef', PACKAGE = 'torchpkg', self, split_sizes, dim)))))) } cpp_torch_namespace_squeeze_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_squeeze_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_squeeze_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_squeeze_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_squeeze_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_squeeze_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_squeeze_self_Tensor_dim_Dimname <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_squeeze_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_squeeze_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_sspaddmm_self_Tensor_mat1_Tensor_mat2_Tensor <- function(self, mat1, mat2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sspaddmm_self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat1, mat2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sspaddmm_self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat1, mat2, beta, alpha)))))) } cpp_torch_namespace_sspaddmm_out_out_Tensor_self_Tensor_mat1_Tensor_mat2_Tensor <- function(out, self, mat1, mat2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sspaddmm_out_out_Tensor_self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', out, self, mat1, mat2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sspaddmm_out_out_Tensor_self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', out, self, mat1, mat2, beta, alpha)))))) } cpp_torch_namespace_stack_tensors_TensorList <- function(tensors, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_stack_tensors_TensorList', PACKAGE = 'torchpkg', tensors, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_stack_tensors_TensorList', PACKAGE = 'torchpkg', tensors, dim)))))) } cpp_torch_namespace_stack_out_out_Tensor_tensors_TensorList <- function(out, tensors, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_stack_out_out_Tensor_tensors_TensorList', PACKAGE = 'torchpkg', out, tensors, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_stack_out_out_Tensor_tensors_TensorList', PACKAGE = 'torchpkg', out, tensors, dim)))))) } cpp_torch_namespace_stft_self_Tensor_n_fft_int64_t <- function(self, n_fft, hop_length, win_length, window, normalized, onesided) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_stft_self_Tensor_n_fft_int64_t', PACKAGE = 'torchpkg', self, n_fft, hop_length, win_length, window, normalized, onesided)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_stft_self_Tensor_n_fft_int64_t', PACKAGE = 'torchpkg', self, n_fft, hop_length, win_length, window, normalized, onesided)))))) } cpp_torch_namespace_stride_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_stride_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_stride_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_stride_self_Tensor_dim_Dimname <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_stride_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_stride_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_sum_self_Tensor <- function(self, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sum_self_Tensor', PACKAGE = 'torchpkg', self, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sum_self_Tensor', PACKAGE = 'torchpkg', self, dtype)))))) } cpp_torch_namespace_sum_self_Tensor_dim_IntArrayRef <- function(self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sum_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sum_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)))))) } cpp_torch_namespace_sum_self_Tensor_dim_DimnameList <- function(self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sum_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sum_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)))))) } cpp_torch_namespace_sum_out_out_Tensor_self_Tensor_dim_IntArrayRef <- function(out, self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sum_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sum_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, keepdim, dtype)))))) } cpp_torch_namespace_sum_out_out_Tensor_self_Tensor_dim_DimnameList <- function(out, self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sum_out_out_Tensor_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', out, self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sum_out_out_Tensor_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', out, self, dim, keepdim, dtype)))))) } cpp_torch_namespace_sqrt_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sqrt_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sqrt_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_sqrt__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sqrt__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sqrt__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_sqrt_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sqrt_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sqrt_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_square_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_square_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_square_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_square__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_square__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_square__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_std_self_Tensor <- function(self, unbiased) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)))))) } cpp_torch_namespace_std_self_Tensor_dim_IntArrayRef <- function(self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)))))) } cpp_torch_namespace_std_mean_self_Tensor <- function(self, unbiased) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_mean_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_mean_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)))))) } cpp_torch_namespace_std_mean_self_Tensor_dim_IntArrayRef <- function(self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_mean_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_mean_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)))))) } cpp_torch_namespace_std_mean_self_Tensor_dim_DimnameList <- function(self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_mean_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_mean_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)))))) } cpp_torch_namespace_std_out_out_Tensor_self_Tensor_dim_IntArrayRef <- function(out, self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, unbiased, keepdim)))))) } cpp_torch_namespace_std_self_Tensor_dim_DimnameList <- function(self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)))))) } cpp_torch_namespace_std_out_out_Tensor_self_Tensor_dim_DimnameList <- function(out, self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_out_out_Tensor_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', out, self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_std_out_out_Tensor_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', out, self, dim, unbiased, keepdim)))))) } cpp_torch_namespace_prod_self_Tensor <- function(self, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_prod_self_Tensor', PACKAGE = 'torchpkg', self, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_prod_self_Tensor', PACKAGE = 'torchpkg', self, dtype)))))) } cpp_torch_namespace_prod_self_Tensor_dim_int64_t <- function(self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_prod_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_prod_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)))))) } cpp_torch_namespace_prod_out_out_Tensor_self_Tensor_dim_int64_t <- function(out, self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_prod_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_prod_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim, keepdim, dtype)))))) } cpp_torch_namespace_prod_self_Tensor_dim_Dimname <- function(self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_prod_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_prod_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, keepdim, dtype)))))) } cpp_torch_namespace_prod_out_out_Tensor_self_Tensor_dim_Dimname <- function(out, self, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_prod_out_out_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', out, self, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_prod_out_out_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', out, self, dim, keepdim, dtype)))))) } cpp_torch_namespace_t_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_t_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_t_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_tan_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_tan_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_tan_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_tan__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_tan__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_tan__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_tan_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_tan_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_tan_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_tanh_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_tanh_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_tanh_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_tanh__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_tanh__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_tanh__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_tanh_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_tanh_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_tanh_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_tensordot_self_Tensor_other_Tensor_dims_self_IntArrayRef_dims_other_IntArrayRef <- function(self, other, dims_self, dims_other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_tensordot_self_Tensor_other_Tensor_dims_self_IntArrayRef_dims_other_IntArrayRef', PACKAGE = 'torchpkg', self, other, dims_self, dims_other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_tensordot_self_Tensor_other_Tensor_dims_self_IntArrayRef_dims_other_IntArrayRef', PACKAGE = 'torchpkg', self, other, dims_self, dims_other)))))) } cpp_torch_namespace_threshold_self_Tensor_threshold_Scalar_value_Scalar <- function(self, threshold, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_threshold_self_Tensor_threshold_Scalar_value_Scalar', PACKAGE = 'torchpkg', self, threshold, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_threshold_self_Tensor_threshold_Scalar_value_Scalar', PACKAGE = 'torchpkg', self, threshold, value)))))) } cpp_torch_namespace_threshold__self_Tensor_threshold_Scalar_value_Scalar <- function(self, threshold, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_threshold__self_Tensor_threshold_Scalar_value_Scalar', PACKAGE = 'torchpkg', self, threshold, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_threshold__self_Tensor_threshold_Scalar_value_Scalar', PACKAGE = 'torchpkg', self, threshold, value)))))) } cpp_torch_namespace_threshold_out_out_Tensor_self_Tensor_threshold_Scalar_value_Scalar <- function(out, self, threshold, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_threshold_out_out_Tensor_self_Tensor_threshold_Scalar_value_Scalar', PACKAGE = 'torchpkg', out, self, threshold, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_threshold_out_out_Tensor_self_Tensor_threshold_Scalar_value_Scalar', PACKAGE = 'torchpkg', out, self, threshold, value)))))) } cpp_torch_namespace_threshold_backward_grad_output_Tensor_self_Tensor_threshold_Scalar <- function(grad_output, self, threshold) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_threshold_backward_grad_output_Tensor_self_Tensor_threshold_Scalar', PACKAGE = 'torchpkg', grad_output, self, threshold)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_threshold_backward_grad_output_Tensor_self_Tensor_threshold_Scalar', PACKAGE = 'torchpkg', grad_output, self, threshold)))))) } cpp_torch_namespace_transpose_self_Tensor_dim0_int64_t_dim1_int64_t <- function(self, dim0, dim1) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_transpose_self_Tensor_dim0_int64_t_dim1_int64_t', PACKAGE = 'torchpkg', self, dim0, dim1)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_transpose_self_Tensor_dim0_int64_t_dim1_int64_t', PACKAGE = 'torchpkg', self, dim0, dim1)))))) } cpp_torch_namespace_transpose_self_Tensor_dim0_Dimname_dim1_Dimname <- function(self, dim0, dim1) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_transpose_self_Tensor_dim0_Dimname_dim1_Dimname', PACKAGE = 'torchpkg', self, dim0, dim1)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_transpose_self_Tensor_dim0_Dimname_dim1_Dimname', PACKAGE = 'torchpkg', self, dim0, dim1)))))) } cpp_torch_namespace__mkldnn_transpose_self_Tensor_dim0_int64_t_dim1_int64_t <- function(self, dim0, dim1) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__mkldnn_transpose_self_Tensor_dim0_int64_t_dim1_int64_t', PACKAGE = 'torchpkg', self, dim0, dim1)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__mkldnn_transpose_self_Tensor_dim0_int64_t_dim1_int64_t', PACKAGE = 'torchpkg', self, dim0, dim1)))))) } cpp_torch_namespace__mkldnn_transpose__self_Tensor_dim0_int64_t_dim1_int64_t <- function(self, dim0, dim1) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__mkldnn_transpose__self_Tensor_dim0_int64_t_dim1_int64_t', PACKAGE = 'torchpkg', self, dim0, dim1)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__mkldnn_transpose__self_Tensor_dim0_int64_t_dim1_int64_t', PACKAGE = 'torchpkg', self, dim0, dim1)))))) } cpp_torch_namespace_one_hot_self_Tensor <- function(self, num_classes) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_one_hot_self_Tensor', PACKAGE = 'torchpkg', self, num_classes)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_one_hot_self_Tensor', PACKAGE = 'torchpkg', self, num_classes)))))) } cpp_torch_namespace_flip_self_Tensor_dims_IntArrayRef <- function(self, dims) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_flip_self_Tensor_dims_IntArrayRef', PACKAGE = 'torchpkg', self, dims)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_flip_self_Tensor_dims_IntArrayRef', PACKAGE = 'torchpkg', self, dims)))))) } cpp_torch_namespace_roll_self_Tensor_shifts_IntArrayRef <- function(self, shifts, dims) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_roll_self_Tensor_shifts_IntArrayRef', PACKAGE = 'torchpkg', self, shifts, dims)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_roll_self_Tensor_shifts_IntArrayRef', PACKAGE = 'torchpkg', self, shifts, dims)))))) } cpp_torch_namespace_rot90_self_Tensor <- function(self, k, dims) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rot90_self_Tensor', PACKAGE = 'torchpkg', self, k, dims)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rot90_self_Tensor', PACKAGE = 'torchpkg', self, k, dims)))))) } cpp_torch_namespace_trapz_y_Tensor_x_Tensor <- function(y, x, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_trapz_y_Tensor_x_Tensor', PACKAGE = 'torchpkg', y, x, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_trapz_y_Tensor_x_Tensor', PACKAGE = 'torchpkg', y, x, dim)))))) } cpp_torch_namespace_trapz_y_Tensor <- function(y, dx, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_trapz_y_Tensor', PACKAGE = 'torchpkg', y, dx, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_trapz_y_Tensor', PACKAGE = 'torchpkg', y, dx, dim)))))) } cpp_torch_namespace__trilinear_i1_Tensor_i2_Tensor_i3_Tensor_expand1_IntArrayRef_expand2_IntArrayRef_expand3_IntArrayRef_sumdim_IntArrayRef <- function(i1, i2, i3, expand1, expand2, expand3, sumdim, unroll_dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__trilinear_i1_Tensor_i2_Tensor_i3_Tensor_expand1_IntArrayRef_expand2_IntArrayRef_expand3_IntArrayRef_sumdim_IntArrayRef', PACKAGE = 'torchpkg', i1, i2, i3, expand1, expand2, expand3, sumdim, unroll_dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__trilinear_i1_Tensor_i2_Tensor_i3_Tensor_expand1_IntArrayRef_expand2_IntArrayRef_expand3_IntArrayRef_sumdim_IntArrayRef', PACKAGE = 'torchpkg', i1, i2, i3, expand1, expand2, expand3, sumdim, unroll_dim)))))) } cpp_torch_namespace_triplet_margin_loss_anchor_Tensor_positive_Tensor_negative_Tensor <- function(anchor, positive, negative, margin, p, eps, swap, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_triplet_margin_loss_anchor_Tensor_positive_Tensor_negative_Tensor', PACKAGE = 'torchpkg', anchor, positive, negative, margin, p, eps, swap, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_triplet_margin_loss_anchor_Tensor_positive_Tensor_negative_Tensor', PACKAGE = 'torchpkg', anchor, positive, negative, margin, p, eps, swap, reduction)))))) } cpp_torch_namespace_true_divide_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_true_divide_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_true_divide_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_true_divide_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_true_divide_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_true_divide_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_true_divide_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_true_divide_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_true_divide_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_trunc_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_trunc_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_trunc_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_trunc__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_trunc__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_trunc__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_trunc_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_trunc_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_trunc_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace__has_compatible_shallow_copy_type_self_Tensor_from_Tensor <- function(self, from) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__has_compatible_shallow_copy_type_self_Tensor_from_Tensor', PACKAGE = 'torchpkg', self, from)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__has_compatible_shallow_copy_type_self_Tensor_from_Tensor', PACKAGE = 'torchpkg', self, from)))))) } cpp_torch_namespace__unique_self_Tensor <- function(self, sorted, return_inverse) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__unique_self_Tensor', PACKAGE = 'torchpkg', self, sorted, return_inverse)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__unique_self_Tensor', PACKAGE = 'torchpkg', self, sorted, return_inverse)))))) } cpp_torch_namespace_unique_dim_self_Tensor_dim_int64_t <- function(self, dim, sorted, return_inverse, return_counts) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_unique_dim_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, sorted, return_inverse, return_counts)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_unique_dim_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, sorted, return_inverse, return_counts)))))) } cpp_torch_namespace_unique_consecutive_self_Tensor <- function(self, return_inverse, return_counts, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_unique_consecutive_self_Tensor', PACKAGE = 'torchpkg', self, return_inverse, return_counts, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_unique_consecutive_self_Tensor', PACKAGE = 'torchpkg', self, return_inverse, return_counts, dim)))))) } cpp_torch_namespace_unique_dim_consecutive_self_Tensor_dim_int64_t <- function(self, dim, return_inverse, return_counts) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_unique_dim_consecutive_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, return_inverse, return_counts)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_unique_dim_consecutive_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, return_inverse, return_counts)))))) } cpp_torch_namespace__unique2_self_Tensor <- function(self, sorted, return_inverse, return_counts) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__unique2_self_Tensor', PACKAGE = 'torchpkg', self, sorted, return_inverse, return_counts)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__unique2_self_Tensor', PACKAGE = 'torchpkg', self, sorted, return_inverse, return_counts)))))) } cpp_torch_namespace__unsafe_view_self_Tensor_size_IntArrayRef <- function(self, size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__unsafe_view_self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__unsafe_view_self_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', self, size)))))) } cpp_torch_namespace_unsqueeze_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_unsqueeze_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_unsqueeze_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_var_self_Tensor <- function(self, unbiased) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)))))) } cpp_torch_namespace_var_self_Tensor_dim_IntArrayRef <- function(self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)))))) } cpp_torch_namespace_var_out_out_Tensor_self_Tensor_dim_IntArrayRef <- function(out, self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, unbiased, keepdim)))))) } cpp_torch_namespace_var_self_Tensor_dim_DimnameList <- function(self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)))))) } cpp_torch_namespace_var_out_out_Tensor_self_Tensor_dim_DimnameList <- function(out, self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_out_out_Tensor_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', out, self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_out_out_Tensor_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', out, self, dim, unbiased, keepdim)))))) } cpp_torch_namespace_var_mean_self_Tensor <- function(self, unbiased) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_mean_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_mean_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)))))) } cpp_torch_namespace_var_mean_self_Tensor_dim_IntArrayRef <- function(self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_mean_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_mean_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)))))) } cpp_torch_namespace_var_mean_self_Tensor_dim_DimnameList <- function(self, dim, unbiased, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_mean_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_var_mean_self_Tensor_dim_DimnameList', PACKAGE = 'torchpkg', self, dim, unbiased, keepdim)))))) } cpp_torch_namespace_where_condition_Tensor_self_Tensor_other_Tensor <- function(condition, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_where_condition_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', condition, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_where_condition_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', condition, self, other)))))) } cpp_torch_namespace_where_condition_Tensor <- function(condition) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_where_condition_Tensor', PACKAGE = 'torchpkg', condition)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_where_condition_Tensor', PACKAGE = 'torchpkg', condition)))))) } cpp_torch_namespace__s_where_condition_Tensor_self_Tensor_other_Tensor <- function(condition, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__s_where_condition_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', condition, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__s_where_condition_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', condition, self, other)))))) } cpp_torch_namespace_norm_except_dim_v_Tensor <- function(v, pow, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_except_dim_v_Tensor', PACKAGE = 'torchpkg', v, pow, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_except_dim_v_Tensor', PACKAGE = 'torchpkg', v, pow, dim)))))) } cpp_torch_namespace__weight_norm_v_Tensor_g_Tensor <- function(v, g, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__weight_norm_v_Tensor_g_Tensor', PACKAGE = 'torchpkg', v, g, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__weight_norm_v_Tensor_g_Tensor', PACKAGE = 'torchpkg', v, g, dim)))))) } cpp_torch_namespace__weight_norm_cuda_interface_v_Tensor_g_Tensor <- function(v, g, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__weight_norm_cuda_interface_v_Tensor_g_Tensor', PACKAGE = 'torchpkg', v, g, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__weight_norm_cuda_interface_v_Tensor_g_Tensor', PACKAGE = 'torchpkg', v, g, dim)))))) } cpp_torch_namespace__weight_norm_cuda_interface_backward_grad_w_Tensor_saved_v_Tensor_saved_g_Tensor_saved_norms_Tensor_dim_int64_t <- function(grad_w, saved_v, saved_g, saved_norms, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__weight_norm_cuda_interface_backward_grad_w_Tensor_saved_v_Tensor_saved_g_Tensor_saved_norms_Tensor_dim_int64_t', PACKAGE = 'torchpkg', grad_w, saved_v, saved_g, saved_norms, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__weight_norm_cuda_interface_backward_grad_w_Tensor_saved_v_Tensor_saved_g_Tensor_saved_norms_Tensor_dim_int64_t', PACKAGE = 'torchpkg', grad_w, saved_v, saved_g, saved_norms, dim)))))) } cpp_torch_namespace__weight_norm_differentiable_backward_grad_w_Tensor_saved_v_Tensor_saved_g_Tensor_saved_norms_Tensor_dim_int64_t <- function(grad_w, saved_v, saved_g, saved_norms, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__weight_norm_differentiable_backward_grad_w_Tensor_saved_v_Tensor_saved_g_Tensor_saved_norms_Tensor_dim_int64_t', PACKAGE = 'torchpkg', grad_w, saved_v, saved_g, saved_norms, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__weight_norm_differentiable_backward_grad_w_Tensor_saved_v_Tensor_saved_g_Tensor_saved_norms_Tensor_dim_int64_t', PACKAGE = 'torchpkg', grad_w, saved_v, saved_g, saved_norms, dim)))))) } cpp_torch_namespace_zeros_size_IntArrayRef_names_DimnameList <- function(size, names, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_zeros_size_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', size, names, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_zeros_size_IntArrayRef_names_DimnameList', PACKAGE = 'torchpkg', size, names, options)))))) } cpp_torch_namespace_zeros_size_IntArrayRef <- function(size, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_zeros_size_IntArrayRef', PACKAGE = 'torchpkg', size, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_zeros_size_IntArrayRef', PACKAGE = 'torchpkg', size, options)))))) } cpp_torch_namespace_zeros_out_out_Tensor_size_IntArrayRef <- function(out, size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_zeros_out_out_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', out, size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_zeros_out_out_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', out, size)))))) } cpp_torch_namespace_zeros_like_self_Tensor <- function(self, options, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_zeros_like_self_Tensor', PACKAGE = 'torchpkg', self, options, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_zeros_like_self_Tensor', PACKAGE = 'torchpkg', self, options, memory_format)))))) } cpp_torch_namespace__standard_gamma_grad_self_Tensor_output_Tensor <- function(self, output) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__standard_gamma_grad_self_Tensor_output_Tensor', PACKAGE = 'torchpkg', self, output)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__standard_gamma_grad_self_Tensor_output_Tensor', PACKAGE = 'torchpkg', self, output)))))) } cpp_torch_namespace__standard_gamma_self_Tensor <- function(self, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__standard_gamma_self_Tensor', PACKAGE = 'torchpkg', self, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__standard_gamma_self_Tensor', PACKAGE = 'torchpkg', self, generator)))))) } cpp_torch_namespace__dirichlet_grad_x_Tensor_alpha_Tensor_total_Tensor <- function(x, alpha, total) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__dirichlet_grad_x_Tensor_alpha_Tensor_total_Tensor', PACKAGE = 'torchpkg', x, alpha, total)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__dirichlet_grad_x_Tensor_alpha_Tensor_total_Tensor', PACKAGE = 'torchpkg', x, alpha, total)))))) } cpp_torch_namespace__sample_dirichlet_self_Tensor <- function(self, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sample_dirichlet_self_Tensor', PACKAGE = 'torchpkg', self, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sample_dirichlet_self_Tensor', PACKAGE = 'torchpkg', self, generator)))))) } cpp_torch_namespace_poisson_self_Tensor <- function(self, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_poisson_self_Tensor', PACKAGE = 'torchpkg', self, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_poisson_self_Tensor', PACKAGE = 'torchpkg', self, generator)))))) } cpp_torch_namespace_native_norm_self_Tensor <- function(self, p) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_native_norm_self_Tensor', PACKAGE = 'torchpkg', self, p)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_native_norm_self_Tensor', PACKAGE = 'torchpkg', self, p)))))) } cpp_torch_namespace__sparse_sum_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_sum_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_sum_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace__sparse_sum_self_Tensor_dtype_ScalarType <- function(self, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_sum_self_Tensor_dtype_ScalarType', PACKAGE = 'torchpkg', self, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_sum_self_Tensor_dtype_ScalarType', PACKAGE = 'torchpkg', self, dtype)))))) } cpp_torch_namespace__sparse_sum_self_Tensor_dim_IntArrayRef <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_sum_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_sum_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace__sparse_sum_self_Tensor_dim_IntArrayRef_dtype_ScalarType <- function(self, dim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_sum_self_Tensor_dim_IntArrayRef_dtype_ScalarType', PACKAGE = 'torchpkg', self, dim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_sum_self_Tensor_dim_IntArrayRef_dtype_ScalarType', PACKAGE = 'torchpkg', self, dim, dtype)))))) } cpp_torch_namespace__sparse_sum_backward_grad_Tensor_self_Tensor_dim_IntArrayRef <- function(grad, self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_sum_backward_grad_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', grad, self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_sum_backward_grad_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', grad, self, dim)))))) } cpp_torch_namespace_norm_self_Tensor_p_Scalar_dtype_ScalarType <- function(self, p, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_self_Tensor_p_Scalar_dtype_ScalarType', PACKAGE = 'torchpkg', self, p, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_self_Tensor_p_Scalar_dtype_ScalarType', PACKAGE = 'torchpkg', self, p, dtype)))))) } cpp_torch_namespace_norm_self_Tensor <- function(self, p) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_self_Tensor', PACKAGE = 'torchpkg', self, p)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_self_Tensor', PACKAGE = 'torchpkg', self, p)))))) } cpp_torch_namespace_norm_self_Tensor_p_Scalar_dim_IntArrayRef_keepdim_bool_dtype_ScalarType <- function(self, p, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_self_Tensor_p_Scalar_dim_IntArrayRef_keepdim_bool_dtype_ScalarType', PACKAGE = 'torchpkg', self, p, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_self_Tensor_p_Scalar_dim_IntArrayRef_keepdim_bool_dtype_ScalarType', PACKAGE = 'torchpkg', self, p, dim, keepdim, dtype)))))) } cpp_torch_namespace_norm_self_Tensor_p_Scalar_dim_IntArrayRef <- function(self, p, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_self_Tensor_p_Scalar_dim_IntArrayRef', PACKAGE = 'torchpkg', self, p, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_self_Tensor_p_Scalar_dim_IntArrayRef', PACKAGE = 'torchpkg', self, p, dim, keepdim)))))) } cpp_torch_namespace_norm_out_out_Tensor_self_Tensor_p_Scalar_dim_IntArrayRef_keepdim_bool_dtype_ScalarType <- function(out, self, p, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_out_out_Tensor_self_Tensor_p_Scalar_dim_IntArrayRef_keepdim_bool_dtype_ScalarType', PACKAGE = 'torchpkg', out, self, p, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_out_out_Tensor_self_Tensor_p_Scalar_dim_IntArrayRef_keepdim_bool_dtype_ScalarType', PACKAGE = 'torchpkg', out, self, p, dim, keepdim, dtype)))))) } cpp_torch_namespace_norm_out_out_Tensor_self_Tensor_p_Scalar_dim_IntArrayRef <- function(out, self, p, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_out_out_Tensor_self_Tensor_p_Scalar_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, p, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_out_out_Tensor_self_Tensor_p_Scalar_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, p, dim, keepdim)))))) } cpp_torch_namespace_norm_self_Tensor_p_Scalar_dim_DimnameList_keepdim_bool_dtype_ScalarType <- function(self, p, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_self_Tensor_p_Scalar_dim_DimnameList_keepdim_bool_dtype_ScalarType', PACKAGE = 'torchpkg', self, p, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_self_Tensor_p_Scalar_dim_DimnameList_keepdim_bool_dtype_ScalarType', PACKAGE = 'torchpkg', self, p, dim, keepdim, dtype)))))) } cpp_torch_namespace_norm_self_Tensor_p_Scalar_dim_DimnameList <- function(self, p, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_self_Tensor_p_Scalar_dim_DimnameList', PACKAGE = 'torchpkg', self, p, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_self_Tensor_p_Scalar_dim_DimnameList', PACKAGE = 'torchpkg', self, p, dim, keepdim)))))) } cpp_torch_namespace_norm_out_out_Tensor_self_Tensor_p_Scalar_dim_DimnameList_keepdim_bool_dtype_ScalarType <- function(out, self, p, dim, keepdim, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_out_out_Tensor_self_Tensor_p_Scalar_dim_DimnameList_keepdim_bool_dtype_ScalarType', PACKAGE = 'torchpkg', out, self, p, dim, keepdim, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_out_out_Tensor_self_Tensor_p_Scalar_dim_DimnameList_keepdim_bool_dtype_ScalarType', PACKAGE = 'torchpkg', out, self, p, dim, keepdim, dtype)))))) } cpp_torch_namespace_norm_out_out_Tensor_self_Tensor_p_Scalar_dim_DimnameList <- function(out, self, p, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_out_out_Tensor_self_Tensor_p_Scalar_dim_DimnameList', PACKAGE = 'torchpkg', out, self, p, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_norm_out_out_Tensor_self_Tensor_p_Scalar_dim_DimnameList', PACKAGE = 'torchpkg', out, self, p, dim, keepdim)))))) } cpp_torch_namespace_frobenius_norm_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_frobenius_norm_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_frobenius_norm_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_frobenius_norm_self_Tensor_dim_IntArrayRef <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_frobenius_norm_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_frobenius_norm_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_frobenius_norm_out_out_Tensor_self_Tensor_dim_IntArrayRef <- function(out, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_frobenius_norm_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_frobenius_norm_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, keepdim)))))) } cpp_torch_namespace_nuclear_norm_self_Tensor <- function(self, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nuclear_norm_self_Tensor', PACKAGE = 'torchpkg', self, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nuclear_norm_self_Tensor', PACKAGE = 'torchpkg', self, keepdim)))))) } cpp_torch_namespace_nuclear_norm_out_out_Tensor_self_Tensor <- function(out, self, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nuclear_norm_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nuclear_norm_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, keepdim)))))) } cpp_torch_namespace_nuclear_norm_self_Tensor_dim_IntArrayRef <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nuclear_norm_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nuclear_norm_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace_nuclear_norm_out_out_Tensor_self_Tensor_dim_IntArrayRef <- function(out, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nuclear_norm_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nuclear_norm_out_out_Tensor_self_Tensor_dim_IntArrayRef', PACKAGE = 'torchpkg', out, self, dim, keepdim)))))) } cpp_torch_namespace_clone_self_Tensor <- function(self, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_clone_self_Tensor', PACKAGE = 'torchpkg', self, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_clone_self_Tensor', PACKAGE = 'torchpkg', self, memory_format)))))) } cpp_torch_namespace_resize_as__self_Tensor_the_template_Tensor <- function(self, the_template, memory_format) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_resize_as__self_Tensor_the_template_Tensor', PACKAGE = 'torchpkg', self, the_template, memory_format)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_resize_as__self_Tensor_the_template_Tensor', PACKAGE = 'torchpkg', self, the_template, memory_format)))))) } cpp_torch_namespace_pow_out_out_Tensor_self_Tensor_exponent_Scalar <- function(out, self, exponent) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_pow_out_out_Tensor_self_Tensor_exponent_Scalar', PACKAGE = 'torchpkg', out, self, exponent)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_pow_out_out_Tensor_self_Tensor_exponent_Scalar', PACKAGE = 'torchpkg', out, self, exponent)))))) } cpp_torch_namespace_pow_self_Tensor_exponent_Scalar <- function(self, exponent) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_pow_self_Tensor_exponent_Scalar', PACKAGE = 'torchpkg', self, exponent)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_pow_self_Tensor_exponent_Scalar', PACKAGE = 'torchpkg', self, exponent)))))) } cpp_torch_namespace_zero__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_zero__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_zero__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_sub_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sub_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sub_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other, alpha)))))) } cpp_torch_namespace_sub_self_Tensor_other_Tensor <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sub_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sub_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_namespace_sub_self_Tensor_other_Scalar <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sub_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sub_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_namespace_rsub_self_Tensor_other_Tensor <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rsub_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rsub_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_namespace_rsub_self_Tensor_other_Scalar <- function(self, other, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rsub_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rsub_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other, alpha)))))) } cpp_torch_namespace__sparse_addmm_self_Tensor_sparse_Tensor_dense_Tensor <- function(self, sparse, dense, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_addmm_self_Tensor_sparse_Tensor_dense_Tensor', PACKAGE = 'torchpkg', self, sparse, dense, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_addmm_self_Tensor_sparse_Tensor_dense_Tensor', PACKAGE = 'torchpkg', self, sparse, dense, beta, alpha)))))) } cpp_torch_namespace_addmm_out_out_Tensor_self_Tensor_mat1_Tensor_mat2_Tensor <- function(out, self, mat1, mat2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_addmm_out_out_Tensor_self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', out, self, mat1, mat2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_addmm_out_out_Tensor_self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', out, self, mat1, mat2, beta, alpha)))))) } cpp_torch_namespace_addmm_self_Tensor_mat1_Tensor_mat2_Tensor <- function(self, mat1, mat2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_addmm_self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat1, mat2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_addmm_self_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', self, mat1, mat2, beta, alpha)))))) } cpp_torch_namespace_sparse_coo_tensor_size_IntArrayRef_options_TensorOptions <- function(size, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sparse_coo_tensor_size_IntArrayRef_options_TensorOptions', PACKAGE = 'torchpkg', size, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sparse_coo_tensor_size_IntArrayRef_options_TensorOptions', PACKAGE = 'torchpkg', size, options)))))) } cpp_torch_namespace_sparse_coo_tensor_indices_Tensor_values_Tensor <- function(indices, values, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sparse_coo_tensor_indices_Tensor_values_Tensor', PACKAGE = 'torchpkg', indices, values, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sparse_coo_tensor_indices_Tensor_values_Tensor', PACKAGE = 'torchpkg', indices, values, options)))))) } cpp_torch_namespace_sparse_coo_tensor_indices_Tensor_values_Tensor_size_IntArrayRef <- function(indices, values, size, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sparse_coo_tensor_indices_Tensor_values_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', indices, values, size, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sparse_coo_tensor_indices_Tensor_values_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', indices, values, size, options)))))) } cpp_torch_namespace__sparse_coo_tensor_unsafe_indices_Tensor_values_Tensor_size_IntArrayRef <- function(indices, values, size, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_coo_tensor_unsafe_indices_Tensor_values_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', indices, values, size, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_coo_tensor_unsafe_indices_Tensor_values_Tensor_size_IntArrayRef', PACKAGE = 'torchpkg', indices, values, size, options)))))) } cpp_torch_namespace__sparse_coo_tensor_with_dims_sparse_dim_int64_t_dense_dim_int64_t_size_IntArrayRef_options_TensorOptions <- function(sparse_dim, dense_dim, size, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_coo_tensor_with_dims_sparse_dim_int64_t_dense_dim_int64_t_size_IntArrayRef_options_TensorOptions', PACKAGE = 'torchpkg', sparse_dim, dense_dim, size, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_coo_tensor_with_dims_sparse_dim_int64_t_dense_dim_int64_t_size_IntArrayRef_options_TensorOptions', PACKAGE = 'torchpkg', sparse_dim, dense_dim, size, options)))))) } cpp_torch_namespace__sparse_coo_tensor_with_dims_and_tensors_sparse_dim_int64_t_dense_dim_int64_t_size_IntArrayRef_indices_Tensor_values_Tensor_options_TensorOptions <- function(sparse_dim, dense_dim, size, indices, values, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_coo_tensor_with_dims_and_tensors_sparse_dim_int64_t_dense_dim_int64_t_size_IntArrayRef_indices_Tensor_values_Tensor_options_TensorOptions', PACKAGE = 'torchpkg', sparse_dim, dense_dim, size, indices, values, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__sparse_coo_tensor_with_dims_and_tensors_sparse_dim_int64_t_dense_dim_int64_t_size_IntArrayRef_indices_Tensor_values_Tensor_options_TensorOptions', PACKAGE = 'torchpkg', sparse_dim, dense_dim, size, indices, values, options)))))) } cpp_torch_namespace_to_dense_backward_grad_Tensor_input_Tensor <- function(grad, input) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_to_dense_backward_grad_Tensor_input_Tensor', PACKAGE = 'torchpkg', grad, input)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_to_dense_backward_grad_Tensor_input_Tensor', PACKAGE = 'torchpkg', grad, input)))))) } cpp_torch_namespace_hspmm_out_out_Tensor_mat1_Tensor_mat2_Tensor <- function(out, mat1, mat2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hspmm_out_out_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', out, mat1, mat2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hspmm_out_out_Tensor_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', out, mat1, mat2)))))) } cpp_torch_namespace_hspmm_mat1_Tensor_mat2_Tensor <- function(mat1, mat2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hspmm_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', mat1, mat2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hspmm_mat1_Tensor_mat2_Tensor', PACKAGE = 'torchpkg', mat1, mat2)))))) } cpp_torch_namespace_copy_sparse_to_sparse__self_Tensor_src_Tensor <- function(self, src, non_blocking) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_copy_sparse_to_sparse__self_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, src, non_blocking)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_copy_sparse_to_sparse__self_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, src, non_blocking)))))) } cpp_torch_namespace_unbind_self_Tensor <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_unbind_self_Tensor', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_unbind_self_Tensor', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_unbind_self_Tensor_dim_Dimname <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_unbind_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_unbind_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_mkldnn_reorder_conv2d_weight_self_Tensor <- function(self, padding, stride, dilation, groups) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_reorder_conv2d_weight_self_Tensor', PACKAGE = 'torchpkg', self, padding, stride, dilation, groups)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_reorder_conv2d_weight_self_Tensor', PACKAGE = 'torchpkg', self, padding, stride, dilation, groups)))))) } cpp_torch_namespace_to_mkldnn_backward_grad_Tensor_input_Tensor <- function(grad, input) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_to_mkldnn_backward_grad_Tensor_input_Tensor', PACKAGE = 'torchpkg', grad, input)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_to_mkldnn_backward_grad_Tensor_input_Tensor', PACKAGE = 'torchpkg', grad, input)))))) } cpp_torch_namespace_quantize_per_tensor_self_Tensor_scale_double_zero_point_int64_t_dtype_ScalarType <- function(self, scale, zero_point, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantize_per_tensor_self_Tensor_scale_double_zero_point_int64_t_dtype_ScalarType', PACKAGE = 'torchpkg', self, scale, zero_point, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantize_per_tensor_self_Tensor_scale_double_zero_point_int64_t_dtype_ScalarType', PACKAGE = 'torchpkg', self, scale, zero_point, dtype)))))) } cpp_torch_namespace_quantize_per_channel_self_Tensor_scales_Tensor_zero_points_Tensor_axis_int64_t_dtype_ScalarType <- function(self, scales, zero_points, axis, dtype) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantize_per_channel_self_Tensor_scales_Tensor_zero_points_Tensor_axis_int64_t_dtype_ScalarType', PACKAGE = 'torchpkg', self, scales, zero_points, axis, dtype)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantize_per_channel_self_Tensor_scales_Tensor_zero_points_Tensor_axis_int64_t_dtype_ScalarType', PACKAGE = 'torchpkg', self, scales, zero_points, axis, dtype)))))) } cpp_torch_namespace_dequantize_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_dequantize_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_dequantize_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_q_scale_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_q_scale_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_q_scale_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_q_zero_point_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_q_zero_point_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_q_zero_point_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_q_per_channel_scales_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_q_per_channel_scales_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_q_per_channel_scales_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_q_per_channel_zero_points_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_q_per_channel_zero_points_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_q_per_channel_zero_points_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_q_per_channel_axis_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_q_per_channel_axis_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_q_per_channel_axis_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_int_repr_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_int_repr_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_int_repr_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace__make_per_tensor_quantized_tensor_self_Tensor_scale_double_zero_point_int64_t <- function(self, scale, zero_point) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__make_per_tensor_quantized_tensor_self_Tensor_scale_double_zero_point_int64_t', PACKAGE = 'torchpkg', self, scale, zero_point)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__make_per_tensor_quantized_tensor_self_Tensor_scale_double_zero_point_int64_t', PACKAGE = 'torchpkg', self, scale, zero_point)))))) } cpp_torch_namespace__make_per_channel_quantized_tensor_self_Tensor_scale_Tensor_zero_point_Tensor_axis_int64_t <- function(self, scale, zero_point, axis) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__make_per_channel_quantized_tensor_self_Tensor_scale_Tensor_zero_point_Tensor_axis_int64_t', PACKAGE = 'torchpkg', self, scale, zero_point, axis)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__make_per_channel_quantized_tensor_self_Tensor_scale_Tensor_zero_point_Tensor_axis_int64_t', PACKAGE = 'torchpkg', self, scale, zero_point, axis)))))) } cpp_torch_namespace_fake_quantize_per_tensor_affine_self_Tensor_scale_double_zero_point_int64_t_quant_min_int64_t_quant_max_int64_t <- function(self, scale, zero_point, quant_min, quant_max) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fake_quantize_per_tensor_affine_self_Tensor_scale_double_zero_point_int64_t_quant_min_int64_t_quant_max_int64_t', PACKAGE = 'torchpkg', self, scale, zero_point, quant_min, quant_max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fake_quantize_per_tensor_affine_self_Tensor_scale_double_zero_point_int64_t_quant_min_int64_t_quant_max_int64_t', PACKAGE = 'torchpkg', self, scale, zero_point, quant_min, quant_max)))))) } cpp_torch_namespace_fake_quantize_per_tensor_affine_backward_grad_Tensor_self_Tensor_scale_double_zero_point_int64_t_quant_min_int64_t_quant_max_int64_t <- function(grad, self, scale, zero_point, quant_min, quant_max) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fake_quantize_per_tensor_affine_backward_grad_Tensor_self_Tensor_scale_double_zero_point_int64_t_quant_min_int64_t_quant_max_int64_t', PACKAGE = 'torchpkg', grad, self, scale, zero_point, quant_min, quant_max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fake_quantize_per_tensor_affine_backward_grad_Tensor_self_Tensor_scale_double_zero_point_int64_t_quant_min_int64_t_quant_max_int64_t', PACKAGE = 'torchpkg', grad, self, scale, zero_point, quant_min, quant_max)))))) } cpp_torch_namespace_fake_quantize_per_channel_affine_self_Tensor_scale_Tensor_zero_point_Tensor_axis_int64_t_quant_min_int64_t_quant_max_int64_t <- function(self, scale, zero_point, axis, quant_min, quant_max) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fake_quantize_per_channel_affine_self_Tensor_scale_Tensor_zero_point_Tensor_axis_int64_t_quant_min_int64_t_quant_max_int64_t', PACKAGE = 'torchpkg', self, scale, zero_point, axis, quant_min, quant_max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fake_quantize_per_channel_affine_self_Tensor_scale_Tensor_zero_point_Tensor_axis_int64_t_quant_min_int64_t_quant_max_int64_t', PACKAGE = 'torchpkg', self, scale, zero_point, axis, quant_min, quant_max)))))) } cpp_torch_namespace_fake_quantize_per_channel_affine_backward_grad_Tensor_self_Tensor_scale_Tensor_zero_point_Tensor_axis_int64_t_quant_min_int64_t_quant_max_int64_t <- function(grad, self, scale, zero_point, axis, quant_min, quant_max) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fake_quantize_per_channel_affine_backward_grad_Tensor_self_Tensor_scale_Tensor_zero_point_Tensor_axis_int64_t_quant_min_int64_t_quant_max_int64_t', PACKAGE = 'torchpkg', grad, self, scale, zero_point, axis, quant_min, quant_max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fake_quantize_per_channel_affine_backward_grad_Tensor_self_Tensor_scale_Tensor_zero_point_Tensor_axis_int64_t_quant_min_int64_t_quant_max_int64_t', PACKAGE = 'torchpkg', grad, self, scale, zero_point, axis, quant_min, quant_max)))))) } cpp_torch_namespace_meshgrid_tensors_TensorList <- function(tensors) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_meshgrid_tensors_TensorList', PACKAGE = 'torchpkg', tensors)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_meshgrid_tensors_TensorList', PACKAGE = 'torchpkg', tensors)))))) } cpp_torch_namespace_cartesian_prod_tensors_TensorList <- function(tensors) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cartesian_prod_tensors_TensorList', PACKAGE = 'torchpkg', tensors)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cartesian_prod_tensors_TensorList', PACKAGE = 'torchpkg', tensors)))))) } cpp_torch_namespace_combinations_self_Tensor <- function(self, r, with_replacement) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_combinations_self_Tensor', PACKAGE = 'torchpkg', self, r, with_replacement)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_combinations_self_Tensor', PACKAGE = 'torchpkg', self, r, with_replacement)))))) } cpp_torch_namespace_result_type_tensor_Tensor_other_Tensor <- function(tensor, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_result_type_tensor_Tensor_other_Tensor', PACKAGE = 'torchpkg', tensor, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_result_type_tensor_Tensor_other_Tensor', PACKAGE = 'torchpkg', tensor, other)))))) } cpp_torch_namespace_result_type_tensor_Tensor_other_Scalar <- function(tensor, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_result_type_tensor_Tensor_other_Scalar', PACKAGE = 'torchpkg', tensor, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_result_type_tensor_Tensor_other_Scalar', PACKAGE = 'torchpkg', tensor, other)))))) } cpp_torch_namespace_result_type_scalar_Scalar_tensor_Tensor <- function(scalar, tensor) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_result_type_scalar_Scalar_tensor_Tensor', PACKAGE = 'torchpkg', scalar, tensor)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_result_type_scalar_Scalar_tensor_Tensor', PACKAGE = 'torchpkg', scalar, tensor)))))) } cpp_torch_namespace_result_type_scalar1_Scalar_scalar2_Scalar <- function(scalar1, scalar2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_result_type_scalar1_Scalar_scalar2_Scalar', PACKAGE = 'torchpkg', scalar1, scalar2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_result_type_scalar1_Scalar_scalar2_Scalar', PACKAGE = 'torchpkg', scalar1, scalar2)))))) } cpp_torch_namespace_can_cast_from_ScalarType_to_ScalarType <- function(from, to) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_can_cast_from_ScalarType_to_ScalarType', PACKAGE = 'torchpkg', from, to)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_can_cast_from_ScalarType_to_ScalarType', PACKAGE = 'torchpkg', from, to)))))) } cpp_torch_namespace_promote_types_type1_ScalarType_type2_ScalarType <- function(type1, type2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_promote_types_type1_ScalarType_type2_ScalarType', PACKAGE = 'torchpkg', type1, type2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_promote_types_type1_ScalarType_type2_ScalarType', PACKAGE = 'torchpkg', type1, type2)))))) } cpp_torch_namespace__local_scalar_dense_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__local_scalar_dense_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__local_scalar_dense_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace__thnn_fused_lstm_cell_input_gates_Tensor_hidden_gates_Tensor_cx_Tensor <- function(input_gates, hidden_gates, cx, input_bias, hidden_bias) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__thnn_fused_lstm_cell_input_gates_Tensor_hidden_gates_Tensor_cx_Tensor', PACKAGE = 'torchpkg', input_gates, hidden_gates, cx, input_bias, hidden_bias)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__thnn_fused_lstm_cell_input_gates_Tensor_hidden_gates_Tensor_cx_Tensor', PACKAGE = 'torchpkg', input_gates, hidden_gates, cx, input_bias, hidden_bias)))))) } cpp_torch_namespace__thnn_fused_lstm_cell_backward_grad_hy_Tensor_grad_cy_Tensor_cx_Tensor_cy_Tensor_workspace_Tensor_has_bias_bool <- function(grad_hy, grad_cy, cx, cy, workspace, has_bias) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__thnn_fused_lstm_cell_backward_grad_hy_Tensor_grad_cy_Tensor_cx_Tensor_cy_Tensor_workspace_Tensor_has_bias_bool', PACKAGE = 'torchpkg', grad_hy, grad_cy, cx, cy, workspace, has_bias)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__thnn_fused_lstm_cell_backward_grad_hy_Tensor_grad_cy_Tensor_cx_Tensor_cy_Tensor_workspace_Tensor_has_bias_bool', PACKAGE = 'torchpkg', grad_hy, grad_cy, cx, cy, workspace, has_bias)))))) } cpp_torch_namespace__thnn_differentiable_lstm_cell_backward_grad_hy_Tensor_grad_cy_Tensor_input_gates_Tensor_hidden_gates_Tensor_input_bias_Tensor_hidden_bias_Tensor_cx_Tensor_cy_Tensor <- function(grad_hy, grad_cy, input_gates, hidden_gates, input_bias, hidden_bias, cx, cy) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__thnn_differentiable_lstm_cell_backward_grad_hy_Tensor_grad_cy_Tensor_input_gates_Tensor_hidden_gates_Tensor_input_bias_Tensor_hidden_bias_Tensor_cx_Tensor_cy_Tensor', PACKAGE = 'torchpkg', grad_hy, grad_cy, input_gates, hidden_gates, input_bias, hidden_bias, cx, cy)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__thnn_differentiable_lstm_cell_backward_grad_hy_Tensor_grad_cy_Tensor_input_gates_Tensor_hidden_gates_Tensor_input_bias_Tensor_hidden_bias_Tensor_cx_Tensor_cy_Tensor', PACKAGE = 'torchpkg', grad_hy, grad_cy, input_gates, hidden_gates, input_bias, hidden_bias, cx, cy)))))) } cpp_torch_namespace__thnn_fused_gru_cell_input_gates_Tensor_hidden_gates_Tensor_hx_Tensor <- function(input_gates, hidden_gates, hx, input_bias, hidden_bias) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__thnn_fused_gru_cell_input_gates_Tensor_hidden_gates_Tensor_hx_Tensor', PACKAGE = 'torchpkg', input_gates, hidden_gates, hx, input_bias, hidden_bias)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__thnn_fused_gru_cell_input_gates_Tensor_hidden_gates_Tensor_hx_Tensor', PACKAGE = 'torchpkg', input_gates, hidden_gates, hx, input_bias, hidden_bias)))))) } cpp_torch_namespace__thnn_fused_gru_cell_backward_grad_hy_Tensor_workspace_Tensor_has_bias_bool <- function(grad_hy, workspace, has_bias) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__thnn_fused_gru_cell_backward_grad_hy_Tensor_workspace_Tensor_has_bias_bool', PACKAGE = 'torchpkg', grad_hy, workspace, has_bias)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__thnn_fused_gru_cell_backward_grad_hy_Tensor_workspace_Tensor_has_bias_bool', PACKAGE = 'torchpkg', grad_hy, workspace, has_bias)))))) } cpp_torch_namespace__thnn_differentiable_gru_cell_backward_grad_hy_Tensor_input_gates_Tensor_hidden_gates_Tensor_hx_Tensor_input_bias_Tensor_hidden_bias_Tensor <- function(grad_hy, input_gates, hidden_gates, hx, input_bias, hidden_bias) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__thnn_differentiable_gru_cell_backward_grad_hy_Tensor_input_gates_Tensor_hidden_gates_Tensor_hx_Tensor_input_bias_Tensor_hidden_bias_Tensor', PACKAGE = 'torchpkg', grad_hy, input_gates, hidden_gates, hx, input_bias, hidden_bias)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__thnn_differentiable_gru_cell_backward_grad_hy_Tensor_input_gates_Tensor_hidden_gates_Tensor_hx_Tensor_input_bias_Tensor_hidden_bias_Tensor', PACKAGE = 'torchpkg', grad_hy, input_gates, hidden_gates, hx, input_bias, hidden_bias)))))) } cpp_torch_namespace_lstm_input_Tensor_hx_TensorList_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool_batch_first_bool <- function(input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lstm_input_Tensor_hx_TensorList_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool_batch_first_bool', PACKAGE = 'torchpkg', input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lstm_input_Tensor_hx_TensorList_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool_batch_first_bool', PACKAGE = 'torchpkg', input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first)))))) } cpp_torch_namespace_lstm_data_Tensor_batch_sizes_Tensor_hx_TensorList_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool <- function(data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lstm_data_Tensor_batch_sizes_Tensor_hx_TensorList_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool', PACKAGE = 'torchpkg', data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lstm_data_Tensor_batch_sizes_Tensor_hx_TensorList_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool', PACKAGE = 'torchpkg', data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional)))))) } cpp_torch_namespace_gru_input_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool_batch_first_bool <- function(input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_gru_input_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool_batch_first_bool', PACKAGE = 'torchpkg', input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_gru_input_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool_batch_first_bool', PACKAGE = 'torchpkg', input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first)))))) } cpp_torch_namespace_gru_data_Tensor_batch_sizes_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool <- function(data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_gru_data_Tensor_batch_sizes_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool', PACKAGE = 'torchpkg', data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_gru_data_Tensor_batch_sizes_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool', PACKAGE = 'torchpkg', data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional)))))) } cpp_torch_namespace_rnn_tanh_input_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_batch_first_bool_bidirectional_bool <- function(input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rnn_tanh_input_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_batch_first_bool_bidirectional_bool', PACKAGE = 'torchpkg', input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rnn_tanh_input_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_batch_first_bool_bidirectional_bool', PACKAGE = 'torchpkg', input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first)))))) } cpp_torch_namespace_rnn_tanh_data_Tensor_batch_sizes_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool <- function(data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rnn_tanh_data_Tensor_batch_sizes_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool', PACKAGE = 'torchpkg', data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rnn_tanh_data_Tensor_batch_sizes_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool', PACKAGE = 'torchpkg', data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional)))))) } cpp_torch_namespace_rnn_relu_input_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_batch_first_bool_bidirectional_bool <- function(input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rnn_relu_input_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_batch_first_bool_bidirectional_bool', PACKAGE = 'torchpkg', input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rnn_relu_input_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_batch_first_bool_bidirectional_bool', PACKAGE = 'torchpkg', input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first)))))) } cpp_torch_namespace_rnn_relu_data_Tensor_batch_sizes_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool <- function(data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rnn_relu_data_Tensor_batch_sizes_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool', PACKAGE = 'torchpkg', data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rnn_relu_data_Tensor_batch_sizes_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool', PACKAGE = 'torchpkg', data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional)))))) } cpp_torch_namespace_lstm_cell_input_Tensor_hx_TensorList_w_ih_Tensor_w_hh_Tensor <- function(input, hx, w_ih, w_hh, b_ih, b_hh) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lstm_cell_input_Tensor_hx_TensorList_w_ih_Tensor_w_hh_Tensor', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lstm_cell_input_Tensor_hx_TensorList_w_ih_Tensor_w_hh_Tensor', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh)))))) } cpp_torch_namespace_gru_cell_input_Tensor_hx_Tensor_w_ih_Tensor_w_hh_Tensor <- function(input, hx, w_ih, w_hh, b_ih, b_hh) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_gru_cell_input_Tensor_hx_Tensor_w_ih_Tensor_w_hh_Tensor', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_gru_cell_input_Tensor_hx_Tensor_w_ih_Tensor_w_hh_Tensor', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh)))))) } cpp_torch_namespace_rnn_tanh_cell_input_Tensor_hx_Tensor_w_ih_Tensor_w_hh_Tensor <- function(input, hx, w_ih, w_hh, b_ih, b_hh) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rnn_tanh_cell_input_Tensor_hx_Tensor_w_ih_Tensor_w_hh_Tensor', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rnn_tanh_cell_input_Tensor_hx_Tensor_w_ih_Tensor_w_hh_Tensor', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh)))))) } cpp_torch_namespace_rnn_relu_cell_input_Tensor_hx_Tensor_w_ih_Tensor_w_hh_Tensor <- function(input, hx, w_ih, w_hh, b_ih, b_hh) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rnn_relu_cell_input_Tensor_hx_Tensor_w_ih_Tensor_w_hh_Tensor', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rnn_relu_cell_input_Tensor_hx_Tensor_w_ih_Tensor_w_hh_Tensor', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh)))))) } cpp_torch_namespace_quantized_lstm_input_Tensor_hx_TensorList_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool_batch_first_bool <- function(input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first, dtype, use_dynamic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_lstm_input_Tensor_hx_TensorList_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool_batch_first_bool', PACKAGE = 'torchpkg', input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first, dtype, use_dynamic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_lstm_input_Tensor_hx_TensorList_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool_batch_first_bool', PACKAGE = 'torchpkg', input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first, dtype, use_dynamic)))))) } cpp_torch_namespace_quantized_lstm_data_Tensor_batch_sizes_Tensor_hx_TensorList_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool <- function(data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional, dtype, use_dynamic) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_lstm_data_Tensor_batch_sizes_Tensor_hx_TensorList_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool', PACKAGE = 'torchpkg', data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional, dtype, use_dynamic)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_lstm_data_Tensor_batch_sizes_Tensor_hx_TensorList_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool', PACKAGE = 'torchpkg', data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional, dtype, use_dynamic)))))) } cpp_torch_namespace_quantized_gru_input_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool_batch_first_bool <- function(input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_gru_input_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool_batch_first_bool', PACKAGE = 'torchpkg', input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_gru_input_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool_batch_first_bool', PACKAGE = 'torchpkg', input, hx, params, has_biases, num_layers, dropout, train, bidirectional, batch_first)))))) } cpp_torch_namespace_quantized_gru_data_Tensor_batch_sizes_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool <- function(data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_gru_data_Tensor_batch_sizes_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool', PACKAGE = 'torchpkg', data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_gru_data_Tensor_batch_sizes_Tensor_hx_Tensor_params_TensorList_has_biases_bool_num_layers_int64_t_dropout_double_train_bool_bidirectional_bool', PACKAGE = 'torchpkg', data, batch_sizes, hx, params, has_biases, num_layers, dropout, train, bidirectional)))))) } cpp_torch_namespace_quantized_lstm_cell_input_Tensor_hx_TensorList_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_Tensor_scale_ih_Scalar_scale_hh_Scalar_zero_point_ih_Scalar_zero_point_hh_Scalar <- function(input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_lstm_cell_input_Tensor_hx_TensorList_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_Tensor_scale_ih_Scalar_scale_hh_Scalar_zero_point_ih_Scalar_zero_point_hh_Scalar', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_lstm_cell_input_Tensor_hx_TensorList_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_Tensor_scale_ih_Scalar_scale_hh_Scalar_zero_point_ih_Scalar_zero_point_hh_Scalar', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh)))))) } cpp_torch_namespace_quantized_gru_cell_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_Tensor_scale_ih_Scalar_scale_hh_Scalar_zero_point_ih_Scalar_zero_point_hh_Scalar <- function(input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_gru_cell_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_Tensor_scale_ih_Scalar_scale_hh_Scalar_zero_point_ih_Scalar_zero_point_hh_Scalar', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_gru_cell_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_Tensor_scale_ih_Scalar_scale_hh_Scalar_zero_point_ih_Scalar_zero_point_hh_Scalar', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh)))))) } cpp_torch_namespace_quantized_rnn_relu_cell_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_Tensor_scale_ih_Scalar_scale_hh_Scalar_zero_point_ih_Scalar_zero_point_hh_Scalar <- function(input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_rnn_relu_cell_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_Tensor_scale_ih_Scalar_scale_hh_Scalar_zero_point_ih_Scalar_zero_point_hh_Scalar', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_rnn_relu_cell_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_Tensor_scale_ih_Scalar_scale_hh_Scalar_zero_point_ih_Scalar_zero_point_hh_Scalar', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh)))))) } cpp_torch_namespace_quantized_rnn_tanh_cell_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_Tensor_scale_ih_Scalar_scale_hh_Scalar_zero_point_ih_Scalar_zero_point_hh_Scalar <- function(input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_rnn_tanh_cell_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_Tensor_scale_ih_Scalar_scale_hh_Scalar_zero_point_ih_Scalar_zero_point_hh_Scalar', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_quantized_rnn_tanh_cell_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_Tensor_scale_ih_Scalar_scale_hh_Scalar_zero_point_ih_Scalar_zero_point_hh_Scalar', PACKAGE = 'torchpkg', input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh)))))) } cpp_torch_namespace__pack_padded_sequence_input_Tensor_lengths_Tensor_batch_first_bool <- function(input, lengths, batch_first) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__pack_padded_sequence_input_Tensor_lengths_Tensor_batch_first_bool', PACKAGE = 'torchpkg', input, lengths, batch_first)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__pack_padded_sequence_input_Tensor_lengths_Tensor_batch_first_bool', PACKAGE = 'torchpkg', input, lengths, batch_first)))))) } cpp_torch_namespace__pack_padded_sequence_backward_grad_Tensor_input_size_IntArrayRef_batch_sizes_Tensor_batch_first_bool <- function(grad, input_size, batch_sizes, batch_first) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__pack_padded_sequence_backward_grad_Tensor_input_size_IntArrayRef_batch_sizes_Tensor_batch_first_bool', PACKAGE = 'torchpkg', grad, input_size, batch_sizes, batch_first)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__pack_padded_sequence_backward_grad_Tensor_input_size_IntArrayRef_batch_sizes_Tensor_batch_first_bool', PACKAGE = 'torchpkg', grad, input_size, batch_sizes, batch_first)))))) } cpp_torch_namespace__pad_packed_sequence_data_Tensor_batch_sizes_Tensor_batch_first_bool_padding_value_Scalar_total_length_int64_t <- function(data, batch_sizes, batch_first, padding_value, total_length) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__pad_packed_sequence_data_Tensor_batch_sizes_Tensor_batch_first_bool_padding_value_Scalar_total_length_int64_t', PACKAGE = 'torchpkg', data, batch_sizes, batch_first, padding_value, total_length)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__pad_packed_sequence_data_Tensor_batch_sizes_Tensor_batch_first_bool_padding_value_Scalar_total_length_int64_t', PACKAGE = 'torchpkg', data, batch_sizes, batch_first, padding_value, total_length)))))) } cpp_torch_namespace_masked_fill_self_Tensor_mask_Tensor_value_Scalar <- function(self, mask, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_masked_fill_self_Tensor_mask_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, mask, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_masked_fill_self_Tensor_mask_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, mask, value)))))) } cpp_torch_namespace_masked_fill_self_Tensor_mask_Tensor_value_Tensor <- function(self, mask, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_masked_fill_self_Tensor_mask_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, mask, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_masked_fill_self_Tensor_mask_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, mask, value)))))) } cpp_torch_namespace_masked_scatter_self_Tensor_mask_Tensor_source_Tensor <- function(self, mask, source) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_masked_scatter_self_Tensor_mask_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, mask, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_masked_scatter_self_Tensor_mask_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, mask, source)))))) } cpp_torch_namespace_index_add_self_Tensor_dim_int64_t_index_Tensor_source_Tensor <- function(self, dim, index, source) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_add_self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_add_self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)))))) } cpp_torch_namespace_index_add_self_Tensor_dim_Dimname_index_Tensor_source_Tensor <- function(self, dim, index, source) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_add_self_Tensor_dim_Dimname_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_add_self_Tensor_dim_Dimname_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)))))) } cpp_torch_namespace_index_fill_self_Tensor_dim_int64_t_index_Tensor_value_Scalar <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_fill_self_Tensor_dim_int64_t_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_fill_self_Tensor_dim_int64_t_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_namespace_index_fill_self_Tensor_dim_int64_t_index_Tensor_value_Tensor <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_fill_self_Tensor_dim_int64_t_index_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_fill_self_Tensor_dim_int64_t_index_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_namespace_index_fill_self_Tensor_dim_Dimname_index_Tensor_value_Scalar <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_fill_self_Tensor_dim_Dimname_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_fill_self_Tensor_dim_Dimname_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_namespace_index_fill_self_Tensor_dim_Dimname_index_Tensor_value_Tensor <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_fill_self_Tensor_dim_Dimname_index_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_fill_self_Tensor_dim_Dimname_index_Tensor_value_Tensor', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_namespace_scatter_self_Tensor_dim_int64_t_index_Tensor_src_Tensor <- function(self, dim, index, src) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_scatter_self_Tensor_dim_int64_t_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_scatter_self_Tensor_dim_int64_t_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)))))) } cpp_torch_namespace_scatter_self_Tensor_dim_int64_t_index_Tensor_value_Scalar <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_scatter_self_Tensor_dim_int64_t_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_scatter_self_Tensor_dim_int64_t_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_namespace_scatter_self_Tensor_dim_Dimname_index_Tensor_src_Tensor <- function(self, dim, index, src) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_scatter_self_Tensor_dim_Dimname_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_scatter_self_Tensor_dim_Dimname_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)))))) } cpp_torch_namespace_scatter_self_Tensor_dim_Dimname_index_Tensor_value_Scalar <- function(self, dim, index, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_scatter_self_Tensor_dim_Dimname_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_scatter_self_Tensor_dim_Dimname_index_Tensor_value_Scalar', PACKAGE = 'torchpkg', self, dim, index, value)))))) } cpp_torch_namespace_scatter_add_self_Tensor_dim_int64_t_index_Tensor_src_Tensor <- function(self, dim, index, src) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_scatter_add_self_Tensor_dim_int64_t_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_scatter_add_self_Tensor_dim_int64_t_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)))))) } cpp_torch_namespace_scatter_add_self_Tensor_dim_Dimname_index_Tensor_src_Tensor <- function(self, dim, index, src) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_scatter_add_self_Tensor_dim_Dimname_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_scatter_add_self_Tensor_dim_Dimname_index_Tensor_src_Tensor', PACKAGE = 'torchpkg', self, dim, index, src)))))) } cpp_torch_namespace_bitwise_and_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_and_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_and_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_bitwise_and_out_out_Tensor_self_Tensor_other_Scalar <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_and_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_and_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_bitwise_and_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_and_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_and_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_bitwise_and_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_and_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_and_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace___and___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace___and___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace___and___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace___and___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace___and___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace___and___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_bitwise_or_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_or_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_or_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_bitwise_or_out_out_Tensor_self_Tensor_other_Scalar <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_or_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_or_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_bitwise_or_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_or_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_or_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_bitwise_or_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_or_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_or_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace___or___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace___or___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace___or___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace___or___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace___or___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace___or___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_bitwise_xor_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_xor_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_xor_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_bitwise_xor_out_out_Tensor_self_Tensor_other_Scalar <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_xor_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_xor_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_bitwise_xor_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_xor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_xor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_bitwise_xor_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_xor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_bitwise_xor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace___xor___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace___xor___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace___xor___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace___xor___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace___xor___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace___xor___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace___lshift___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace___lshift___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace___lshift___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace___lshift___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace___lshift___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace___lshift___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace___rshift___self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace___rshift___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace___rshift___self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace___rshift___self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace___rshift___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace___rshift___self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_addbmm_out_out_Tensor_self_Tensor_batch1_Tensor_batch2_Tensor <- function(out, self, batch1, batch2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_addbmm_out_out_Tensor_self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', out, self, batch1, batch2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_addbmm_out_out_Tensor_self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', out, self, batch1, batch2, beta, alpha)))))) } cpp_torch_namespace_addbmm_self_Tensor_batch1_Tensor_batch2_Tensor <- function(self, batch1, batch2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_addbmm_self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_addbmm_self_Tensor_batch1_Tensor_batch2_Tensor', PACKAGE = 'torchpkg', self, batch1, batch2, beta, alpha)))))) } cpp_torch_namespace_diag_out_out_Tensor_self_Tensor <- function(out, self, diagonal) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_diag_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, diagonal)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_diag_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, diagonal)))))) } cpp_torch_namespace_diag_self_Tensor <- function(self, diagonal) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_diag_self_Tensor', PACKAGE = 'torchpkg', self, diagonal)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_diag_self_Tensor', PACKAGE = 'torchpkg', self, diagonal)))))) } cpp_torch_namespace_cross_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cross_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cross_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other, dim)))))) } cpp_torch_namespace_cross_self_Tensor_other_Tensor <- function(self, other, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cross_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cross_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, dim)))))) } cpp_torch_namespace_triu_out_out_Tensor_self_Tensor <- function(out, self, diagonal) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_triu_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, diagonal)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_triu_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, diagonal)))))) } cpp_torch_namespace_triu_self_Tensor <- function(self, diagonal) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_triu_self_Tensor', PACKAGE = 'torchpkg', self, diagonal)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_triu_self_Tensor', PACKAGE = 'torchpkg', self, diagonal)))))) } cpp_torch_namespace_tril_out_out_Tensor_self_Tensor <- function(out, self, diagonal) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_tril_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, diagonal)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_tril_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, diagonal)))))) } cpp_torch_namespace_tril_self_Tensor <- function(self, diagonal) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_tril_self_Tensor', PACKAGE = 'torchpkg', self, diagonal)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_tril_self_Tensor', PACKAGE = 'torchpkg', self, diagonal)))))) } cpp_torch_namespace_tril_indices_row_int64_t_col_int64_t <- function(row, col, offset, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_tril_indices_row_int64_t_col_int64_t', PACKAGE = 'torchpkg', row, col, offset, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_tril_indices_row_int64_t_col_int64_t', PACKAGE = 'torchpkg', row, col, offset, options)))))) } cpp_torch_namespace_triu_indices_row_int64_t_col_int64_t <- function(row, col, offset, options) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_triu_indices_row_int64_t_col_int64_t', PACKAGE = 'torchpkg', row, col, offset, options)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_triu_indices_row_int64_t_col_int64_t', PACKAGE = 'torchpkg', row, col, offset, options)))))) } cpp_torch_namespace_trace_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_trace_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_trace_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_ne_out_out_Tensor_self_Tensor_other_Scalar <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ne_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ne_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_ne_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ne_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ne_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_ne_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ne_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ne_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_ne_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ne_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ne_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_eq_out_out_Tensor_self_Tensor_other_Scalar <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_eq_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_eq_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_eq_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_eq_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_eq_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_eq_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_eq_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_eq_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_eq_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_eq_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_eq_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_ge_out_out_Tensor_self_Tensor_other_Scalar <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ge_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ge_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_ge_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ge_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ge_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_ge_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ge_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ge_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_ge_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ge_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ge_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_le_out_out_Tensor_self_Tensor_other_Scalar <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_le_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_le_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_le_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_le_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_le_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_le_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_le_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_le_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_le_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_le_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_le_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_gt_out_out_Tensor_self_Tensor_other_Scalar <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_gt_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_gt_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_gt_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_gt_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_gt_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_gt_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_gt_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_gt_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_gt_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_gt_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_gt_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_lt_out_out_Tensor_self_Tensor_other_Scalar <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lt_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lt_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_lt_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lt_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lt_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_lt_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lt_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lt_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_lt_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lt_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lt_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_take_out_out_Tensor_self_Tensor_index_Tensor <- function(out, self, index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_take_out_out_Tensor_self_Tensor_index_Tensor', PACKAGE = 'torchpkg', out, self, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_take_out_out_Tensor_self_Tensor_index_Tensor', PACKAGE = 'torchpkg', out, self, index)))))) } cpp_torch_namespace_take_self_Tensor_index_Tensor <- function(self, index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_take_self_Tensor_index_Tensor', PACKAGE = 'torchpkg', self, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_take_self_Tensor_index_Tensor', PACKAGE = 'torchpkg', self, index)))))) } cpp_torch_namespace_index_select_out_out_Tensor_self_Tensor_dim_int64_t_index_Tensor <- function(out, self, dim, index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_select_out_out_Tensor_self_Tensor_dim_int64_t_index_Tensor', PACKAGE = 'torchpkg', out, self, dim, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_select_out_out_Tensor_self_Tensor_dim_int64_t_index_Tensor', PACKAGE = 'torchpkg', out, self, dim, index)))))) } cpp_torch_namespace_index_select_self_Tensor_dim_int64_t_index_Tensor <- function(self, dim, index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_select_self_Tensor_dim_int64_t_index_Tensor', PACKAGE = 'torchpkg', self, dim, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_select_self_Tensor_dim_int64_t_index_Tensor', PACKAGE = 'torchpkg', self, dim, index)))))) } cpp_torch_namespace_index_select_out_out_Tensor_self_Tensor_dim_Dimname_index_Tensor <- function(out, self, dim, index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_select_out_out_Tensor_self_Tensor_dim_Dimname_index_Tensor', PACKAGE = 'torchpkg', out, self, dim, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_select_out_out_Tensor_self_Tensor_dim_Dimname_index_Tensor', PACKAGE = 'torchpkg', out, self, dim, index)))))) } cpp_torch_namespace_index_select_self_Tensor_dim_Dimname_index_Tensor <- function(self, dim, index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_select_self_Tensor_dim_Dimname_index_Tensor', PACKAGE = 'torchpkg', self, dim, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_index_select_self_Tensor_dim_Dimname_index_Tensor', PACKAGE = 'torchpkg', self, dim, index)))))) } cpp_torch_namespace_masked_select_out_out_Tensor_self_Tensor_mask_Tensor <- function(out, self, mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_masked_select_out_out_Tensor_self_Tensor_mask_Tensor', PACKAGE = 'torchpkg', out, self, mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_masked_select_out_out_Tensor_self_Tensor_mask_Tensor', PACKAGE = 'torchpkg', out, self, mask)))))) } cpp_torch_namespace_masked_select_self_Tensor_mask_Tensor <- function(self, mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_masked_select_self_Tensor_mask_Tensor', PACKAGE = 'torchpkg', self, mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_masked_select_self_Tensor_mask_Tensor', PACKAGE = 'torchpkg', self, mask)))))) } cpp_torch_namespace_nonzero_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nonzero_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nonzero_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_nonzero_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nonzero_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nonzero_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_nonzero_numpy_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nonzero_numpy_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nonzero_numpy_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_gather_out_out_Tensor_self_Tensor_dim_int64_t_index_Tensor <- function(out, self, dim, index, sparse_grad) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_gather_out_out_Tensor_self_Tensor_dim_int64_t_index_Tensor', PACKAGE = 'torchpkg', out, self, dim, index, sparse_grad)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_gather_out_out_Tensor_self_Tensor_dim_int64_t_index_Tensor', PACKAGE = 'torchpkg', out, self, dim, index, sparse_grad)))))) } cpp_torch_namespace_gather_self_Tensor_dim_int64_t_index_Tensor <- function(self, dim, index, sparse_grad) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_gather_self_Tensor_dim_int64_t_index_Tensor', PACKAGE = 'torchpkg', self, dim, index, sparse_grad)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_gather_self_Tensor_dim_int64_t_index_Tensor', PACKAGE = 'torchpkg', self, dim, index, sparse_grad)))))) } cpp_torch_namespace_gather_out_out_Tensor_self_Tensor_dim_Dimname_index_Tensor <- function(out, self, dim, index, sparse_grad) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_gather_out_out_Tensor_self_Tensor_dim_Dimname_index_Tensor', PACKAGE = 'torchpkg', out, self, dim, index, sparse_grad)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_gather_out_out_Tensor_self_Tensor_dim_Dimname_index_Tensor', PACKAGE = 'torchpkg', out, self, dim, index, sparse_grad)))))) } cpp_torch_namespace_gather_self_Tensor_dim_Dimname_index_Tensor <- function(self, dim, index, sparse_grad) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_gather_self_Tensor_dim_Dimname_index_Tensor', PACKAGE = 'torchpkg', self, dim, index, sparse_grad)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_gather_self_Tensor_dim_Dimname_index_Tensor', PACKAGE = 'torchpkg', self, dim, index, sparse_grad)))))) } cpp_torch_namespace__gather_sparse_backward_self_Tensor_dim_int64_t_index_Tensor_grad_Tensor <- function(self, dim, index, grad) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__gather_sparse_backward_self_Tensor_dim_int64_t_index_Tensor_grad_Tensor', PACKAGE = 'torchpkg', self, dim, index, grad)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__gather_sparse_backward_self_Tensor_dim_int64_t_index_Tensor_grad_Tensor', PACKAGE = 'torchpkg', self, dim, index, grad)))))) } cpp_torch_namespace_addcmul_out_out_Tensor_self_Tensor_tensor1_Tensor_tensor2_Tensor <- function(out, self, tensor1, tensor2, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_addcmul_out_out_Tensor_self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', out, self, tensor1, tensor2, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_addcmul_out_out_Tensor_self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', out, self, tensor1, tensor2, value)))))) } cpp_torch_namespace_addcmul_self_Tensor_tensor1_Tensor_tensor2_Tensor <- function(self, tensor1, tensor2, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_addcmul_self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', self, tensor1, tensor2, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_addcmul_self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', self, tensor1, tensor2, value)))))) } cpp_torch_namespace_addcdiv_out_out_Tensor_self_Tensor_tensor1_Tensor_tensor2_Tensor <- function(out, self, tensor1, tensor2, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_addcdiv_out_out_Tensor_self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', out, self, tensor1, tensor2, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_addcdiv_out_out_Tensor_self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', out, self, tensor1, tensor2, value)))))) } cpp_torch_namespace_addcdiv_self_Tensor_tensor1_Tensor_tensor2_Tensor <- function(self, tensor1, tensor2, value) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_addcdiv_self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', self, tensor1, tensor2, value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_addcdiv_self_Tensor_tensor1_Tensor_tensor2_Tensor', PACKAGE = 'torchpkg', self, tensor1, tensor2, value)))))) } cpp_torch_namespace_lstsq_out_X_Tensor_qr_Tensor_self_Tensor_A_Tensor <- function(X, qr, self, A) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lstsq_out_X_Tensor_qr_Tensor_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', X, qr, self, A)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lstsq_out_X_Tensor_qr_Tensor_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', X, qr, self, A)))))) } cpp_torch_namespace_lstsq_self_Tensor_A_Tensor <- function(self, A) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lstsq_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lstsq_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A)))))) } cpp_torch_namespace_triangular_solve_out_X_Tensor_M_Tensor_self_Tensor_A_Tensor <- function(X, M, self, A, upper, transpose, unitriangular) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_triangular_solve_out_X_Tensor_M_Tensor_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', X, M, self, A, upper, transpose, unitriangular)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_triangular_solve_out_X_Tensor_M_Tensor_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', X, M, self, A, upper, transpose, unitriangular)))))) } cpp_torch_namespace_triangular_solve_self_Tensor_A_Tensor <- function(self, A, upper, transpose, unitriangular) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_triangular_solve_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A, upper, transpose, unitriangular)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_triangular_solve_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A, upper, transpose, unitriangular)))))) } cpp_torch_namespace__triangular_solve_helper_self_Tensor_A_Tensor_upper_bool_transpose_bool_unitriangular_bool <- function(self, A, upper, transpose, unitriangular) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__triangular_solve_helper_self_Tensor_A_Tensor_upper_bool_transpose_bool_unitriangular_bool', PACKAGE = 'torchpkg', self, A, upper, transpose, unitriangular)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__triangular_solve_helper_self_Tensor_A_Tensor_upper_bool_transpose_bool_unitriangular_bool', PACKAGE = 'torchpkg', self, A, upper, transpose, unitriangular)))))) } cpp_torch_namespace_symeig_out_e_Tensor_V_Tensor_self_Tensor <- function(e, V, self, eigenvectors, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_symeig_out_e_Tensor_V_Tensor_self_Tensor', PACKAGE = 'torchpkg', e, V, self, eigenvectors, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_symeig_out_e_Tensor_V_Tensor_self_Tensor', PACKAGE = 'torchpkg', e, V, self, eigenvectors, upper)))))) } cpp_torch_namespace_symeig_self_Tensor <- function(self, eigenvectors, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_symeig_self_Tensor', PACKAGE = 'torchpkg', self, eigenvectors, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_symeig_self_Tensor', PACKAGE = 'torchpkg', self, eigenvectors, upper)))))) } cpp_torch_namespace__symeig_helper_self_Tensor_eigenvectors_bool_upper_bool <- function(self, eigenvectors, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__symeig_helper_self_Tensor_eigenvectors_bool_upper_bool', PACKAGE = 'torchpkg', self, eigenvectors, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__symeig_helper_self_Tensor_eigenvectors_bool_upper_bool', PACKAGE = 'torchpkg', self, eigenvectors, upper)))))) } cpp_torch_namespace_eig_out_e_Tensor_v_Tensor_self_Tensor <- function(e, v, self, eigenvectors) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_eig_out_e_Tensor_v_Tensor_self_Tensor', PACKAGE = 'torchpkg', e, v, self, eigenvectors)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_eig_out_e_Tensor_v_Tensor_self_Tensor', PACKAGE = 'torchpkg', e, v, self, eigenvectors)))))) } cpp_torch_namespace_eig_self_Tensor <- function(self, eigenvectors) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_eig_self_Tensor', PACKAGE = 'torchpkg', self, eigenvectors)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_eig_self_Tensor', PACKAGE = 'torchpkg', self, eigenvectors)))))) } cpp_torch_namespace_svd_out_U_Tensor_S_Tensor_V_Tensor_self_Tensor <- function(U, S, V, self, some, compute_uv) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_svd_out_U_Tensor_S_Tensor_V_Tensor_self_Tensor', PACKAGE = 'torchpkg', U, S, V, self, some, compute_uv)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_svd_out_U_Tensor_S_Tensor_V_Tensor_self_Tensor', PACKAGE = 'torchpkg', U, S, V, self, some, compute_uv)))))) } cpp_torch_namespace_svd_self_Tensor <- function(self, some, compute_uv) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_svd_self_Tensor', PACKAGE = 'torchpkg', self, some, compute_uv)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_svd_self_Tensor', PACKAGE = 'torchpkg', self, some, compute_uv)))))) } cpp_torch_namespace__svd_helper_self_Tensor_some_bool_compute_uv_bool <- function(self, some, compute_uv) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__svd_helper_self_Tensor_some_bool_compute_uv_bool', PACKAGE = 'torchpkg', self, some, compute_uv)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__svd_helper_self_Tensor_some_bool_compute_uv_bool', PACKAGE = 'torchpkg', self, some, compute_uv)))))) } cpp_torch_namespace_cholesky_out_out_Tensor_self_Tensor <- function(out, self, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cholesky_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cholesky_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, upper)))))) } cpp_torch_namespace_cholesky_self_Tensor <- function(self, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cholesky_self_Tensor', PACKAGE = 'torchpkg', self, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cholesky_self_Tensor', PACKAGE = 'torchpkg', self, upper)))))) } cpp_torch_namespace__cholesky_helper_self_Tensor_upper_bool <- function(self, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cholesky_helper_self_Tensor_upper_bool', PACKAGE = 'torchpkg', self, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cholesky_helper_self_Tensor_upper_bool', PACKAGE = 'torchpkg', self, upper)))))) } cpp_torch_namespace_cholesky_solve_out_out_Tensor_self_Tensor_input2_Tensor <- function(out, self, input2, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cholesky_solve_out_out_Tensor_self_Tensor_input2_Tensor', PACKAGE = 'torchpkg', out, self, input2, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cholesky_solve_out_out_Tensor_self_Tensor_input2_Tensor', PACKAGE = 'torchpkg', out, self, input2, upper)))))) } cpp_torch_namespace_cholesky_solve_self_Tensor_input2_Tensor <- function(self, input2, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cholesky_solve_self_Tensor_input2_Tensor', PACKAGE = 'torchpkg', self, input2, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cholesky_solve_self_Tensor_input2_Tensor', PACKAGE = 'torchpkg', self, input2, upper)))))) } cpp_torch_namespace__cholesky_solve_helper_self_Tensor_A_Tensor_upper_bool <- function(self, A, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cholesky_solve_helper_self_Tensor_A_Tensor_upper_bool', PACKAGE = 'torchpkg', self, A, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cholesky_solve_helper_self_Tensor_A_Tensor_upper_bool', PACKAGE = 'torchpkg', self, A, upper)))))) } cpp_torch_namespace_solve_self_Tensor_A_Tensor <- function(self, A) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_solve_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_solve_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A)))))) } cpp_torch_namespace_solve_out_solution_Tensor_lu_Tensor_self_Tensor_A_Tensor <- function(solution, lu, self, A) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_solve_out_solution_Tensor_lu_Tensor_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', solution, lu, self, A)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_solve_out_solution_Tensor_lu_Tensor_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', solution, lu, self, A)))))) } cpp_torch_namespace__solve_helper_self_Tensor_A_Tensor <- function(self, A) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__solve_helper_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__solve_helper_self_Tensor_A_Tensor', PACKAGE = 'torchpkg', self, A)))))) } cpp_torch_namespace_cholesky_inverse_out_out_Tensor_self_Tensor <- function(out, self, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cholesky_inverse_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cholesky_inverse_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, upper)))))) } cpp_torch_namespace_cholesky_inverse_self_Tensor <- function(self, upper) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_cholesky_inverse_self_Tensor', PACKAGE = 'torchpkg', self, upper)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_cholesky_inverse_self_Tensor', PACKAGE = 'torchpkg', self, upper)))))) } cpp_torch_namespace_qr_out_Q_Tensor_R_Tensor_self_Tensor <- function(Q, R, self, some) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_qr_out_Q_Tensor_R_Tensor_self_Tensor', PACKAGE = 'torchpkg', Q, R, self, some)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_qr_out_Q_Tensor_R_Tensor_self_Tensor', PACKAGE = 'torchpkg', Q, R, self, some)))))) } cpp_torch_namespace_qr_self_Tensor <- function(self, some) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_qr_self_Tensor', PACKAGE = 'torchpkg', self, some)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_qr_self_Tensor', PACKAGE = 'torchpkg', self, some)))))) } cpp_torch_namespace__qr_helper_self_Tensor_some_bool <- function(self, some) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__qr_helper_self_Tensor_some_bool', PACKAGE = 'torchpkg', self, some)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__qr_helper_self_Tensor_some_bool', PACKAGE = 'torchpkg', self, some)))))) } cpp_torch_namespace_geqrf_out_a_Tensor_tau_Tensor_self_Tensor <- function(a, tau, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_geqrf_out_a_Tensor_tau_Tensor_self_Tensor', PACKAGE = 'torchpkg', a, tau, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_geqrf_out_a_Tensor_tau_Tensor_self_Tensor', PACKAGE = 'torchpkg', a, tau, self)))))) } cpp_torch_namespace_geqrf_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_geqrf_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_geqrf_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_orgqr_out_out_Tensor_self_Tensor_input2_Tensor <- function(out, self, input2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_orgqr_out_out_Tensor_self_Tensor_input2_Tensor', PACKAGE = 'torchpkg', out, self, input2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_orgqr_out_out_Tensor_self_Tensor_input2_Tensor', PACKAGE = 'torchpkg', out, self, input2)))))) } cpp_torch_namespace_orgqr_self_Tensor_input2_Tensor <- function(self, input2) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_orgqr_self_Tensor_input2_Tensor', PACKAGE = 'torchpkg', self, input2)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_orgqr_self_Tensor_input2_Tensor', PACKAGE = 'torchpkg', self, input2)))))) } cpp_torch_namespace_ormqr_out_out_Tensor_self_Tensor_input2_Tensor_input3_Tensor <- function(out, self, input2, input3, left, transpose) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ormqr_out_out_Tensor_self_Tensor_input2_Tensor_input3_Tensor', PACKAGE = 'torchpkg', out, self, input2, input3, left, transpose)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ormqr_out_out_Tensor_self_Tensor_input2_Tensor_input3_Tensor', PACKAGE = 'torchpkg', out, self, input2, input3, left, transpose)))))) } cpp_torch_namespace_ormqr_self_Tensor_input2_Tensor_input3_Tensor <- function(self, input2, input3, left, transpose) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_ormqr_self_Tensor_input2_Tensor_input3_Tensor', PACKAGE = 'torchpkg', self, input2, input3, left, transpose)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_ormqr_self_Tensor_input2_Tensor_input3_Tensor', PACKAGE = 'torchpkg', self, input2, input3, left, transpose)))))) } cpp_torch_namespace__lu_with_info_self_Tensor <- function(self, pivot, check_errors) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__lu_with_info_self_Tensor', PACKAGE = 'torchpkg', self, pivot, check_errors)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__lu_with_info_self_Tensor', PACKAGE = 'torchpkg', self, pivot, check_errors)))))) } cpp_torch_namespace_lu_solve_out_out_Tensor_self_Tensor_LU_data_Tensor_LU_pivots_Tensor <- function(out, self, LU_data, LU_pivots) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lu_solve_out_out_Tensor_self_Tensor_LU_data_Tensor_LU_pivots_Tensor', PACKAGE = 'torchpkg', out, self, LU_data, LU_pivots)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lu_solve_out_out_Tensor_self_Tensor_LU_data_Tensor_LU_pivots_Tensor', PACKAGE = 'torchpkg', out, self, LU_data, LU_pivots)))))) } cpp_torch_namespace_lu_solve_self_Tensor_LU_data_Tensor_LU_pivots_Tensor <- function(self, LU_data, LU_pivots) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lu_solve_self_Tensor_LU_data_Tensor_LU_pivots_Tensor', PACKAGE = 'torchpkg', self, LU_data, LU_pivots)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lu_solve_self_Tensor_LU_data_Tensor_LU_pivots_Tensor', PACKAGE = 'torchpkg', self, LU_data, LU_pivots)))))) } cpp_torch_namespace__lu_solve_helper_self_Tensor_LU_data_Tensor_LU_pivots_Tensor <- function(self, LU_data, LU_pivots) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__lu_solve_helper_self_Tensor_LU_data_Tensor_LU_pivots_Tensor', PACKAGE = 'torchpkg', self, LU_data, LU_pivots)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__lu_solve_helper_self_Tensor_LU_data_Tensor_LU_pivots_Tensor', PACKAGE = 'torchpkg', self, LU_data, LU_pivots)))))) } cpp_torch_namespace_multinomial_out_out_Tensor_self_Tensor_num_samples_int64_t <- function(out, self, num_samples, replacement, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_multinomial_out_out_Tensor_self_Tensor_num_samples_int64_t', PACKAGE = 'torchpkg', out, self, num_samples, replacement, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_multinomial_out_out_Tensor_self_Tensor_num_samples_int64_t', PACKAGE = 'torchpkg', out, self, num_samples, replacement, generator)))))) } cpp_torch_namespace_multinomial_self_Tensor_num_samples_int64_t <- function(self, num_samples, replacement, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_multinomial_self_Tensor_num_samples_int64_t', PACKAGE = 'torchpkg', self, num_samples, replacement, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_multinomial_self_Tensor_num_samples_int64_t', PACKAGE = 'torchpkg', self, num_samples, replacement, generator)))))) } cpp_torch_namespace__multinomial_alias_setup_probs_Tensor <- function(probs) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__multinomial_alias_setup_probs_Tensor', PACKAGE = 'torchpkg', probs)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__multinomial_alias_setup_probs_Tensor', PACKAGE = 'torchpkg', probs)))))) } cpp_torch_namespace__multinomial_alias_draw_J_Tensor_q_Tensor_num_samples_int64_t <- function(J, q, num_samples, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__multinomial_alias_draw_J_Tensor_q_Tensor_num_samples_int64_t', PACKAGE = 'torchpkg', J, q, num_samples, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__multinomial_alias_draw_J_Tensor_q_Tensor_num_samples_int64_t', PACKAGE = 'torchpkg', J, q, num_samples, generator)))))) } cpp_torch_namespace_lgamma_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lgamma_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lgamma_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_lgamma_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lgamma_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lgamma_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_digamma_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_digamma_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_digamma_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_digamma_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_digamma_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_digamma_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_polygamma_out_out_Tensor_n_int64_t_self_Tensor <- function(out, n, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_polygamma_out_out_Tensor_n_int64_t_self_Tensor', PACKAGE = 'torchpkg', out, n, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_polygamma_out_out_Tensor_n_int64_t_self_Tensor', PACKAGE = 'torchpkg', out, n, self)))))) } cpp_torch_namespace_erfinv_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_erfinv_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_erfinv_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_erfinv_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_erfinv_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_erfinv_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_sign_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sign_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sign_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_sign_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sign_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sign_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_dist_self_Tensor_other_Tensor <- function(self, other, p) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_dist_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, p)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_dist_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other, p)))))) } cpp_torch_namespace_atan2_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_atan2_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_atan2_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_atan2_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_atan2_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_atan2_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_lerp_out_out_Tensor_self_Tensor_end_Tensor_weight_Scalar <- function(out, self, end, weight) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lerp_out_out_Tensor_self_Tensor_end_Tensor_weight_Scalar', PACKAGE = 'torchpkg', out, self, end, weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lerp_out_out_Tensor_self_Tensor_end_Tensor_weight_Scalar', PACKAGE = 'torchpkg', out, self, end, weight)))))) } cpp_torch_namespace_lerp_out_out_Tensor_self_Tensor_end_Tensor_weight_Tensor <- function(out, self, end, weight) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lerp_out_out_Tensor_self_Tensor_end_Tensor_weight_Tensor', PACKAGE = 'torchpkg', out, self, end, weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lerp_out_out_Tensor_self_Tensor_end_Tensor_weight_Tensor', PACKAGE = 'torchpkg', out, self, end, weight)))))) } cpp_torch_namespace_lerp_self_Tensor_end_Tensor_weight_Scalar <- function(self, end, weight) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lerp_self_Tensor_end_Tensor_weight_Scalar', PACKAGE = 'torchpkg', self, end, weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lerp_self_Tensor_end_Tensor_weight_Scalar', PACKAGE = 'torchpkg', self, end, weight)))))) } cpp_torch_namespace_lerp_self_Tensor_end_Tensor_weight_Tensor <- function(self, end, weight) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_lerp_self_Tensor_end_Tensor_weight_Tensor', PACKAGE = 'torchpkg', self, end, weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_lerp_self_Tensor_end_Tensor_weight_Tensor', PACKAGE = 'torchpkg', self, end, weight)))))) } cpp_torch_namespace_histc_out_out_Tensor_self_Tensor <- function(out, self, bins, min, max) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_histc_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, bins, min, max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_histc_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, bins, min, max)))))) } cpp_torch_namespace_histc_self_Tensor <- function(self, bins, min, max) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_histc_self_Tensor', PACKAGE = 'torchpkg', self, bins, min, max)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_histc_self_Tensor', PACKAGE = 'torchpkg', self, bins, min, max)))))) } cpp_torch_namespace_fmod_out_out_Tensor_self_Tensor_other_Scalar <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fmod_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fmod_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_fmod_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fmod_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fmod_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_fmod_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fmod_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fmod_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_fmod_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fmod_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fmod_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_remainder_out_out_Tensor_self_Tensor_other_Scalar <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_remainder_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_remainder_out_out_Tensor_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_remainder_self_Tensor_other_Scalar <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_remainder_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_remainder_self_Tensor_other_Scalar', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_remainder_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_remainder_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_remainder_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_remainder_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_remainder_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_remainder_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_min_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_min_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_min_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_min_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_max_out_out_Tensor_self_Tensor_other_Tensor <- function(out, self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_out_out_Tensor_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', out, self, other)))))) } cpp_torch_namespace_max_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_max_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_median_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_median_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_median_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_sort_out_values_Tensor_indices_Tensor_self_Tensor <- function(values, indices, self, dim, descending) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sort_out_values_Tensor_indices_Tensor_self_Tensor', PACKAGE = 'torchpkg', values, indices, self, dim, descending)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sort_out_values_Tensor_indices_Tensor_self_Tensor', PACKAGE = 'torchpkg', values, indices, self, dim, descending)))))) } cpp_torch_namespace_sort_self_Tensor <- function(self, dim, descending) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sort_self_Tensor', PACKAGE = 'torchpkg', self, dim, descending)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sort_self_Tensor', PACKAGE = 'torchpkg', self, dim, descending)))))) } cpp_torch_namespace_sort_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname <- function(values, indices, self, dim, descending) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sort_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', values, indices, self, dim, descending)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sort_out_values_Tensor_indices_Tensor_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', values, indices, self, dim, descending)))))) } cpp_torch_namespace_sort_self_Tensor_dim_Dimname <- function(self, dim, descending) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sort_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, descending)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sort_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, descending)))))) } cpp_torch_namespace_argsort_self_Tensor <- function(self, dim, descending) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_argsort_self_Tensor', PACKAGE = 'torchpkg', self, dim, descending)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_argsort_self_Tensor', PACKAGE = 'torchpkg', self, dim, descending)))))) } cpp_torch_namespace_argsort_self_Tensor_dim_Dimname <- function(self, dim, descending) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_argsort_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, descending)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_argsort_self_Tensor_dim_Dimname', PACKAGE = 'torchpkg', self, dim, descending)))))) } cpp_torch_namespace_topk_out_values_Tensor_indices_Tensor_self_Tensor_k_int64_t <- function(values, indices, self, k, dim, largest, sorted) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_topk_out_values_Tensor_indices_Tensor_self_Tensor_k_int64_t', PACKAGE = 'torchpkg', values, indices, self, k, dim, largest, sorted)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_topk_out_values_Tensor_indices_Tensor_self_Tensor_k_int64_t', PACKAGE = 'torchpkg', values, indices, self, k, dim, largest, sorted)))))) } cpp_torch_namespace_topk_self_Tensor_k_int64_t <- function(self, k, dim, largest, sorted) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_topk_self_Tensor_k_int64_t', PACKAGE = 'torchpkg', self, k, dim, largest, sorted)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_topk_self_Tensor_k_int64_t', PACKAGE = 'torchpkg', self, k, dim, largest, sorted)))))) } cpp_torch_namespace_all_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_all_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_all_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_any_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_any_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_any_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_renorm_out_out_Tensor_self_Tensor_p_Scalar_dim_int64_t_maxnorm_Scalar <- function(out, self, p, dim, maxnorm) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_renorm_out_out_Tensor_self_Tensor_p_Scalar_dim_int64_t_maxnorm_Scalar', PACKAGE = 'torchpkg', out, self, p, dim, maxnorm)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_renorm_out_out_Tensor_self_Tensor_p_Scalar_dim_int64_t_maxnorm_Scalar', PACKAGE = 'torchpkg', out, self, p, dim, maxnorm)))))) } cpp_torch_namespace_renorm_self_Tensor_p_Scalar_dim_int64_t_maxnorm_Scalar <- function(self, p, dim, maxnorm) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_renorm_self_Tensor_p_Scalar_dim_int64_t_maxnorm_Scalar', PACKAGE = 'torchpkg', self, p, dim, maxnorm)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_renorm_self_Tensor_p_Scalar_dim_int64_t_maxnorm_Scalar', PACKAGE = 'torchpkg', self, p, dim, maxnorm)))))) } cpp_torch_namespace_equal_self_Tensor_other_Tensor <- function(self, other) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_equal_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_equal_self_Tensor_other_Tensor', PACKAGE = 'torchpkg', self, other)))))) } cpp_torch_namespace_pow_out_out_Tensor_self_Tensor_exponent_Tensor <- function(out, self, exponent) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_pow_out_out_Tensor_self_Tensor_exponent_Tensor', PACKAGE = 'torchpkg', out, self, exponent)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_pow_out_out_Tensor_self_Tensor_exponent_Tensor', PACKAGE = 'torchpkg', out, self, exponent)))))) } cpp_torch_namespace_pow_self_Tensor_exponent_Tensor <- function(self, exponent) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_pow_self_Tensor_exponent_Tensor', PACKAGE = 'torchpkg', self, exponent)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_pow_self_Tensor_exponent_Tensor', PACKAGE = 'torchpkg', self, exponent)))))) } cpp_torch_namespace_pow_out_out_Tensor_self_Scalar_exponent_Tensor <- function(out, self, exponent) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_pow_out_out_Tensor_self_Scalar_exponent_Tensor', PACKAGE = 'torchpkg', out, self, exponent)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_pow_out_out_Tensor_self_Scalar_exponent_Tensor', PACKAGE = 'torchpkg', out, self, exponent)))))) } cpp_torch_namespace_pow_self_Scalar_exponent_Tensor <- function(self, exponent) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_pow_self_Scalar_exponent_Tensor', PACKAGE = 'torchpkg', self, exponent)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_pow_self_Scalar_exponent_Tensor', PACKAGE = 'torchpkg', self, exponent)))))) } cpp_torch_namespace_normal_out_out_Tensor_mean_Tensor <- function(out, mean, std, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_normal_out_out_Tensor_mean_Tensor', PACKAGE = 'torchpkg', out, mean, std, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_normal_out_out_Tensor_mean_Tensor', PACKAGE = 'torchpkg', out, mean, std, generator)))))) } cpp_torch_namespace_normal_out_out_Tensor_mean_double_std_Tensor <- function(out, mean, std, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_normal_out_out_Tensor_mean_double_std_Tensor', PACKAGE = 'torchpkg', out, mean, std, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_normal_out_out_Tensor_mean_double_std_Tensor', PACKAGE = 'torchpkg', out, mean, std, generator)))))) } cpp_torch_namespace_normal_out_out_Tensor_mean_Tensor_std_Tensor <- function(out, mean, std, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_normal_out_out_Tensor_mean_Tensor_std_Tensor', PACKAGE = 'torchpkg', out, mean, std, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_normal_out_out_Tensor_mean_Tensor_std_Tensor', PACKAGE = 'torchpkg', out, mean, std, generator)))))) } cpp_torch_namespace_normal_out_out_Tensor_mean_double_std_double_size_IntArrayRef <- function(out, mean, std, size, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_normal_out_out_Tensor_mean_double_std_double_size_IntArrayRef', PACKAGE = 'torchpkg', out, mean, std, size, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_normal_out_out_Tensor_mean_double_std_double_size_IntArrayRef', PACKAGE = 'torchpkg', out, mean, std, size, generator)))))) } cpp_torch_namespace_alias_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_alias_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_alias_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace__addr_self_Tensor_vec1_Tensor_vec2_Tensor <- function(self, vec1, vec2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__addr_self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec1, vec2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__addr_self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec1, vec2, beta, alpha)))))) } cpp_torch_namespace__addr__self_Tensor_vec1_Tensor_vec2_Tensor <- function(self, vec1, vec2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__addr__self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec1, vec2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__addr__self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', self, vec1, vec2, beta, alpha)))))) } cpp_torch_namespace__addr_out_out_Tensor_self_Tensor_vec1_Tensor_vec2_Tensor <- function(out, self, vec1, vec2, beta, alpha) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__addr_out_out_Tensor_self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', out, self, vec1, vec2, beta, alpha)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__addr_out_out_Tensor_self_Tensor_vec1_Tensor_vec2_Tensor', PACKAGE = 'torchpkg', out, self, vec1, vec2, beta, alpha)))))) } cpp_torch_namespace__index_copy__self_Tensor_dim_int64_t_index_Tensor_source_Tensor <- function(self, dim, index, source) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__index_copy__self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__index_copy__self_Tensor_dim_int64_t_index_Tensor_source_Tensor', PACKAGE = 'torchpkg', self, dim, index, source)))))) } cpp_torch_namespace__cumsum_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cumsum_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cumsum_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace__cumsum_out_out_Tensor_self_Tensor_dim_int64_t <- function(out, self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cumsum_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cumsum_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim)))))) } cpp_torch_namespace__cumprod_self_Tensor_dim_int64_t <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cumprod_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cumprod_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace__cumprod_out_out_Tensor_self_Tensor_dim_int64_t <- function(out, self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cumprod_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cumprod_out_out_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', out, self, dim)))))) } cpp_torch_namespace__var_self_Tensor <- function(self, unbiased) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__var_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__var_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)))))) } cpp_torch_namespace__std_self_Tensor <- function(self, unbiased) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__std_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__std_self_Tensor', PACKAGE = 'torchpkg', self, unbiased)))))) } cpp_torch_namespace__amp_non_finite_check_and_unscale__self_Tensor_found_inf_Tensor_inv_scale_Tensor <- function(self, found_inf, inv_scale) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_namespace__amp_non_finite_check_and_unscale__self_Tensor_found_inf_Tensor_inv_scale_Tensor', PACKAGE = 'torchpkg', self, found_inf, inv_scale))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__amp_non_finite_check_and_unscale__self_Tensor_found_inf_Tensor_inv_scale_Tensor', PACKAGE = 'torchpkg', self, found_inf, inv_scale))))))) } cpp_torch_namespace__amp_update_scale_growth_tracker_Tensor_current_scale_Tensor_found_inf_Tensor_scale_growth_factor_double_scale_backoff_factor_double_growth_interval_int64_t <- function(growth_tracker, current_scale, found_inf, scale_growth_factor, scale_backoff_factor, growth_interval) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__amp_update_scale_growth_tracker_Tensor_current_scale_Tensor_found_inf_Tensor_scale_growth_factor_double_scale_backoff_factor_double_growth_interval_int64_t', PACKAGE = 'torchpkg', growth_tracker, current_scale, found_inf, scale_growth_factor, scale_backoff_factor, growth_interval)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__amp_update_scale_growth_tracker_Tensor_current_scale_Tensor_found_inf_Tensor_scale_growth_factor_double_scale_backoff_factor_double_growth_interval_int64_t', PACKAGE = 'torchpkg', growth_tracker, current_scale, found_inf, scale_growth_factor, scale_backoff_factor, growth_interval)))))) } cpp_torch_namespace__cat_tensors_TensorList <- function(tensors, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cat_tensors_TensorList', PACKAGE = 'torchpkg', tensors, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cat_tensors_TensorList', PACKAGE = 'torchpkg', tensors, dim)))))) } cpp_torch_namespace__cat_out_out_Tensor_tensors_TensorList <- function(out, tensors, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__cat_out_out_Tensor_tensors_TensorList', PACKAGE = 'torchpkg', out, tensors, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__cat_out_out_Tensor_tensors_TensorList', PACKAGE = 'torchpkg', out, tensors, dim)))))) } cpp_torch_namespace__mode_self_Tensor <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__mode_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__mode_self_Tensor', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace__mode_out_values_Tensor_indices_Tensor_self_Tensor <- function(values, indices, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__mode_out_values_Tensor_indices_Tensor_self_Tensor', PACKAGE = 'torchpkg', values, indices, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__mode_out_values_Tensor_indices_Tensor_self_Tensor', PACKAGE = 'torchpkg', values, indices, self, dim, keepdim)))))) } cpp_torch_namespace__max_self_Tensor_dim_int64_t <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__max_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__max_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace__max_out_max_Tensor_max_indices_Tensor_self_Tensor_dim_int64_t <- function(max, max_indices, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__max_out_max_Tensor_max_indices_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', max, max_indices, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__max_out_max_Tensor_max_indices_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', max, max_indices, self, dim, keepdim)))))) } cpp_torch_namespace__min_self_Tensor_dim_int64_t <- function(self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__min_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__min_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', self, dim, keepdim)))))) } cpp_torch_namespace__min_out_min_Tensor_min_indices_Tensor_self_Tensor_dim_int64_t <- function(min, min_indices, self, dim, keepdim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__min_out_min_Tensor_min_indices_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', min, min_indices, self, dim, keepdim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__min_out_min_Tensor_min_indices_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', min, min_indices, self, dim, keepdim)))))) } cpp_torch_namespace_mse_loss_out_out_Tensor_self_Tensor_target_Tensor <- function(out, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mse_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mse_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, reduction)))))) } cpp_torch_namespace_mse_loss_self_Tensor_target_Tensor <- function(self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mse_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mse_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, reduction)))))) } cpp_torch_namespace_mse_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t <- function(grad_input, grad_output, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mse_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mse_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, reduction)))))) } cpp_torch_namespace_mse_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t <- function(grad_output, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mse_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_output, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mse_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_output, self, target, reduction)))))) } cpp_torch_namespace_l1_loss_out_out_Tensor_self_Tensor_target_Tensor <- function(out, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_l1_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_l1_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, reduction)))))) } cpp_torch_namespace_l1_loss_self_Tensor_target_Tensor <- function(self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_l1_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_l1_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, reduction)))))) } cpp_torch_namespace_l1_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t <- function(grad_input, grad_output, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_l1_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_l1_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, reduction)))))) } cpp_torch_namespace_l1_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t <- function(grad_output, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_l1_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_output, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_l1_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_output, self, target, reduction)))))) } cpp_torch_namespace_multi_margin_loss_out_out_Tensor_self_Tensor_target_Tensor <- function(out, self, target, p, margin, weight, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_multi_margin_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, p, margin, weight, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_multi_margin_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, p, margin, weight, reduction)))))) } cpp_torch_namespace_multi_margin_loss_self_Tensor_target_Tensor <- function(self, target, p, margin, weight, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_multi_margin_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, p, margin, weight, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_multi_margin_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, p, margin, weight, reduction)))))) } cpp_torch_namespace_multi_margin_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_p_Scalar_margin_Scalar <- function(grad_input, grad_output, self, target, p, margin, weight, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_multi_margin_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_p_Scalar_margin_Scalar', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, p, margin, weight, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_multi_margin_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_p_Scalar_margin_Scalar', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, p, margin, weight, reduction)))))) } cpp_torch_namespace_multi_margin_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_p_Scalar_margin_Scalar <- function(grad_output, self, target, p, margin, weight, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_multi_margin_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_p_Scalar_margin_Scalar', PACKAGE = 'torchpkg', grad_output, self, target, p, margin, weight, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_multi_margin_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_p_Scalar_margin_Scalar', PACKAGE = 'torchpkg', grad_output, self, target, p, margin, weight, reduction)))))) } cpp_torch_namespace_multilabel_margin_loss_out_out_Tensor_self_Tensor_target_Tensor <- function(out, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_multilabel_margin_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_multilabel_margin_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, reduction)))))) } cpp_torch_namespace_multilabel_margin_loss_self_Tensor_target_Tensor <- function(self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_multilabel_margin_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_multilabel_margin_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, reduction)))))) } cpp_torch_namespace_multilabel_margin_loss_forward_out_output_Tensor_is_target_Tensor_self_Tensor_target_Tensor_reduction_int64_t <- function(output, is_target, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_multilabel_margin_loss_forward_out_output_Tensor_is_target_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', output, is_target, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_multilabel_margin_loss_forward_out_output_Tensor_is_target_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', output, is_target, self, target, reduction)))))) } cpp_torch_namespace_multilabel_margin_loss_forward_self_Tensor_target_Tensor_reduction_int64_t <- function(self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_multilabel_margin_loss_forward_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_multilabel_margin_loss_forward_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', self, target, reduction)))))) } cpp_torch_namespace_multilabel_margin_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t_is_target_Tensor <- function(grad_input, grad_output, self, target, reduction, is_target) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_multilabel_margin_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t_is_target_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, reduction, is_target)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_multilabel_margin_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t_is_target_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, reduction, is_target)))))) } cpp_torch_namespace_multilabel_margin_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t_is_target_Tensor <- function(grad_output, self, target, reduction, is_target) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_multilabel_margin_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t_is_target_Tensor', PACKAGE = 'torchpkg', grad_output, self, target, reduction, is_target)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_multilabel_margin_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t_is_target_Tensor', PACKAGE = 'torchpkg', grad_output, self, target, reduction, is_target)))))) } cpp_torch_namespace_nll_loss_out_out_Tensor_self_Tensor_target_Tensor <- function(out, self, target, weight, reduction, ignore_index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, weight, reduction, ignore_index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, weight, reduction, ignore_index)))))) } cpp_torch_namespace_nll_loss_self_Tensor_target_Tensor <- function(self, target, weight, reduction, ignore_index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, weight, reduction, ignore_index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, weight, reduction, ignore_index)))))) } cpp_torch_namespace_nll_loss_forward_out_output_Tensor_total_weight_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t <- function(output, total_weight, self, target, weight, reduction, ignore_index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss_forward_out_output_Tensor_total_weight_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t', PACKAGE = 'torchpkg', output, total_weight, self, target, weight, reduction, ignore_index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss_forward_out_output_Tensor_total_weight_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t', PACKAGE = 'torchpkg', output, total_weight, self, target, weight, reduction, ignore_index)))))) } cpp_torch_namespace_nll_loss_forward_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t <- function(self, target, weight, reduction, ignore_index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss_forward_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t', PACKAGE = 'torchpkg', self, target, weight, reduction, ignore_index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss_forward_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t', PACKAGE = 'torchpkg', self, target, weight, reduction, ignore_index)))))) } cpp_torch_namespace_nll_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t_total_weight_Tensor <- function(grad_input, grad_output, self, target, weight, reduction, ignore_index, total_weight) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t_total_weight_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, weight, reduction, ignore_index, total_weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t_total_weight_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, weight, reduction, ignore_index, total_weight)))))) } cpp_torch_namespace_nll_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t_total_weight_Tensor <- function(grad_output, self, target, weight, reduction, ignore_index, total_weight) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t_total_weight_Tensor', PACKAGE = 'torchpkg', grad_output, self, target, weight, reduction, ignore_index, total_weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t_total_weight_Tensor', PACKAGE = 'torchpkg', grad_output, self, target, weight, reduction, ignore_index, total_weight)))))) } cpp_torch_namespace_nll_loss2d_out_out_Tensor_self_Tensor_target_Tensor <- function(out, self, target, weight, reduction, ignore_index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss2d_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, weight, reduction, ignore_index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss2d_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, weight, reduction, ignore_index)))))) } cpp_torch_namespace_nll_loss2d_self_Tensor_target_Tensor <- function(self, target, weight, reduction, ignore_index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss2d_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, weight, reduction, ignore_index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss2d_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, weight, reduction, ignore_index)))))) } cpp_torch_namespace_nll_loss2d_forward_out_output_Tensor_total_weight_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t <- function(output, total_weight, self, target, weight, reduction, ignore_index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss2d_forward_out_output_Tensor_total_weight_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t', PACKAGE = 'torchpkg', output, total_weight, self, target, weight, reduction, ignore_index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss2d_forward_out_output_Tensor_total_weight_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t', PACKAGE = 'torchpkg', output, total_weight, self, target, weight, reduction, ignore_index)))))) } cpp_torch_namespace_nll_loss2d_forward_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t <- function(self, target, weight, reduction, ignore_index) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss2d_forward_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t', PACKAGE = 'torchpkg', self, target, weight, reduction, ignore_index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss2d_forward_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t', PACKAGE = 'torchpkg', self, target, weight, reduction, ignore_index)))))) } cpp_torch_namespace_nll_loss2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t_total_weight_Tensor <- function(grad_input, grad_output, self, target, weight, reduction, ignore_index, total_weight) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t_total_weight_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, weight, reduction, ignore_index, total_weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t_total_weight_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, weight, reduction, ignore_index, total_weight)))))) } cpp_torch_namespace_nll_loss2d_backward_grad_output_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t_total_weight_Tensor <- function(grad_output, self, target, weight, reduction, ignore_index, total_weight) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss2d_backward_grad_output_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t_total_weight_Tensor', PACKAGE = 'torchpkg', grad_output, self, target, weight, reduction, ignore_index, total_weight)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_nll_loss2d_backward_grad_output_Tensor_self_Tensor_target_Tensor_weight_Tensor_reduction_int64_t_ignore_index_int64_t_total_weight_Tensor', PACKAGE = 'torchpkg', grad_output, self, target, weight, reduction, ignore_index, total_weight)))))) } cpp_torch_namespace_smooth_l1_loss_out_out_Tensor_self_Tensor_target_Tensor <- function(out, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_smooth_l1_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_smooth_l1_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, reduction)))))) } cpp_torch_namespace_smooth_l1_loss_self_Tensor_target_Tensor <- function(self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_smooth_l1_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_smooth_l1_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, reduction)))))) } cpp_torch_namespace_smooth_l1_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t <- function(grad_input, grad_output, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_smooth_l1_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_smooth_l1_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, reduction)))))) } cpp_torch_namespace_smooth_l1_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t <- function(grad_output, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_smooth_l1_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_output, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_smooth_l1_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_output, self, target, reduction)))))) } cpp_torch_namespace_soft_margin_loss_out_out_Tensor_self_Tensor_target_Tensor <- function(out, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_soft_margin_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_soft_margin_loss_out_out_Tensor_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', out, self, target, reduction)))))) } cpp_torch_namespace_soft_margin_loss_self_Tensor_target_Tensor <- function(self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_soft_margin_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_soft_margin_loss_self_Tensor_target_Tensor', PACKAGE = 'torchpkg', self, target, reduction)))))) } cpp_torch_namespace_soft_margin_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t <- function(grad_input, grad_output, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_soft_margin_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_soft_margin_loss_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, target, reduction)))))) } cpp_torch_namespace_soft_margin_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t <- function(grad_output, self, target, reduction) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_soft_margin_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_output, self, target, reduction)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_soft_margin_loss_backward_grad_output_Tensor_self_Tensor_target_Tensor_reduction_int64_t', PACKAGE = 'torchpkg', grad_output, self, target, reduction)))))) } cpp_torch_namespace_elu_out_out_Tensor_self_Tensor <- function(out, self, alpha, scale, input_scale) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_elu_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, alpha, scale, input_scale)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_elu_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, alpha, scale, input_scale)))))) } cpp_torch_namespace_elu_self_Tensor <- function(self, alpha, scale, input_scale) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_elu_self_Tensor', PACKAGE = 'torchpkg', self, alpha, scale, input_scale)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_elu_self_Tensor', PACKAGE = 'torchpkg', self, alpha, scale, input_scale)))))) } cpp_torch_namespace_elu_backward_out_grad_input_Tensor_grad_output_Tensor_alpha_Scalar_scale_Scalar_input_scale_Scalar_output_Tensor <- function(grad_input, grad_output, alpha, scale, input_scale, output) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_elu_backward_out_grad_input_Tensor_grad_output_Tensor_alpha_Scalar_scale_Scalar_input_scale_Scalar_output_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, alpha, scale, input_scale, output)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_elu_backward_out_grad_input_Tensor_grad_output_Tensor_alpha_Scalar_scale_Scalar_input_scale_Scalar_output_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, alpha, scale, input_scale, output)))))) } cpp_torch_namespace_elu_backward_grad_output_Tensor_alpha_Scalar_scale_Scalar_input_scale_Scalar_output_Tensor <- function(grad_output, alpha, scale, input_scale, output) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_elu_backward_grad_output_Tensor_alpha_Scalar_scale_Scalar_input_scale_Scalar_output_Tensor', PACKAGE = 'torchpkg', grad_output, alpha, scale, input_scale, output)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_elu_backward_grad_output_Tensor_alpha_Scalar_scale_Scalar_input_scale_Scalar_output_Tensor', PACKAGE = 'torchpkg', grad_output, alpha, scale, input_scale, output)))))) } cpp_torch_namespace_elu__self_Tensor <- function(self, alpha, scale, input_scale) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_elu__self_Tensor', PACKAGE = 'torchpkg', self, alpha, scale, input_scale)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_elu__self_Tensor', PACKAGE = 'torchpkg', self, alpha, scale, input_scale)))))) } cpp_torch_namespace_glu_out_out_Tensor_self_Tensor <- function(out, self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_glu_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_glu_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, dim)))))) } cpp_torch_namespace_glu_self_Tensor <- function(self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_glu_self_Tensor', PACKAGE = 'torchpkg', self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_glu_self_Tensor', PACKAGE = 'torchpkg', self, dim)))))) } cpp_torch_namespace_glu_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_dim_int64_t <- function(grad_input, grad_output, self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_glu_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_glu_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, dim)))))) } cpp_torch_namespace_glu_backward_grad_output_Tensor_self_Tensor_dim_int64_t <- function(grad_output, self, dim) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_glu_backward_grad_output_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', grad_output, self, dim)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_glu_backward_grad_output_Tensor_self_Tensor_dim_int64_t', PACKAGE = 'torchpkg', grad_output, self, dim)))))) } cpp_torch_namespace_hardsigmoid_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardsigmoid_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardsigmoid_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_hardsigmoid_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardsigmoid_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardsigmoid_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_hardsigmoid__self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardsigmoid__self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardsigmoid__self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_hardsigmoid_backward_grad_output_Tensor_self_Tensor <- function(grad_output, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardsigmoid_backward_grad_output_Tensor_self_Tensor', PACKAGE = 'torchpkg', grad_output, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardsigmoid_backward_grad_output_Tensor_self_Tensor', PACKAGE = 'torchpkg', grad_output, self)))))) } cpp_torch_namespace_hardtanh_out_out_Tensor_self_Tensor <- function(out, self, min_val, max_val) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardtanh_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, min_val, max_val)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardtanh_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, min_val, max_val)))))) } cpp_torch_namespace_hardtanh_self_Tensor <- function(self, min_val, max_val) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardtanh_self_Tensor', PACKAGE = 'torchpkg', self, min_val, max_val)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardtanh_self_Tensor', PACKAGE = 'torchpkg', self, min_val, max_val)))))) } cpp_torch_namespace_hardtanh_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_min_val_Scalar_max_val_Scalar <- function(grad_input, grad_output, self, min_val, max_val) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardtanh_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_min_val_Scalar_max_val_Scalar', PACKAGE = 'torchpkg', grad_input, grad_output, self, min_val, max_val)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardtanh_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_min_val_Scalar_max_val_Scalar', PACKAGE = 'torchpkg', grad_input, grad_output, self, min_val, max_val)))))) } cpp_torch_namespace_hardtanh_backward_grad_output_Tensor_self_Tensor_min_val_Scalar_max_val_Scalar <- function(grad_output, self, min_val, max_val) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardtanh_backward_grad_output_Tensor_self_Tensor_min_val_Scalar_max_val_Scalar', PACKAGE = 'torchpkg', grad_output, self, min_val, max_val)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardtanh_backward_grad_output_Tensor_self_Tensor_min_val_Scalar_max_val_Scalar', PACKAGE = 'torchpkg', grad_output, self, min_val, max_val)))))) } cpp_torch_namespace_hardtanh__self_Tensor <- function(self, min_val, max_val) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardtanh__self_Tensor', PACKAGE = 'torchpkg', self, min_val, max_val)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_hardtanh__self_Tensor', PACKAGE = 'torchpkg', self, min_val, max_val)))))) } cpp_torch_namespace_leaky_relu_out_out_Tensor_self_Tensor <- function(out, self, negative_slope) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_leaky_relu_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, negative_slope)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_leaky_relu_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, negative_slope)))))) } cpp_torch_namespace_leaky_relu_self_Tensor <- function(self, negative_slope) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_leaky_relu_self_Tensor', PACKAGE = 'torchpkg', self, negative_slope)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_leaky_relu_self_Tensor', PACKAGE = 'torchpkg', self, negative_slope)))))) } cpp_torch_namespace_leaky_relu_backward_grad_output_Tensor_self_Tensor_negative_slope_Scalar_self_is_result_bool <- function(grad_output, self, negative_slope, self_is_result) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_leaky_relu_backward_grad_output_Tensor_self_Tensor_negative_slope_Scalar_self_is_result_bool', PACKAGE = 'torchpkg', grad_output, self, negative_slope, self_is_result)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_leaky_relu_backward_grad_output_Tensor_self_Tensor_negative_slope_Scalar_self_is_result_bool', PACKAGE = 'torchpkg', grad_output, self, negative_slope, self_is_result)))))) } cpp_torch_namespace_leaky_relu__self_Tensor <- function(self, negative_slope) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_leaky_relu__self_Tensor', PACKAGE = 'torchpkg', self, negative_slope)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_leaky_relu__self_Tensor', PACKAGE = 'torchpkg', self, negative_slope)))))) } cpp_torch_namespace_log_sigmoid_out_out_Tensor_self_Tensor <- function(out, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_sigmoid_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_sigmoid_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self)))))) } cpp_torch_namespace_log_sigmoid_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_sigmoid_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_sigmoid_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_log_sigmoid_forward_out_output_Tensor_buffer_Tensor_self_Tensor <- function(output, buffer, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_sigmoid_forward_out_output_Tensor_buffer_Tensor_self_Tensor', PACKAGE = 'torchpkg', output, buffer, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_sigmoid_forward_out_output_Tensor_buffer_Tensor_self_Tensor', PACKAGE = 'torchpkg', output, buffer, self)))))) } cpp_torch_namespace_log_sigmoid_forward_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_sigmoid_forward_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_sigmoid_forward_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_log_sigmoid_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_buffer_Tensor <- function(grad_input, grad_output, self, buffer) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_sigmoid_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_buffer_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, buffer)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_sigmoid_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_buffer_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, buffer)))))) } cpp_torch_namespace_log_sigmoid_backward_grad_output_Tensor_self_Tensor_buffer_Tensor <- function(grad_output, self, buffer) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_sigmoid_backward_grad_output_Tensor_self_Tensor_buffer_Tensor', PACKAGE = 'torchpkg', grad_output, self, buffer)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_log_sigmoid_backward_grad_output_Tensor_self_Tensor_buffer_Tensor', PACKAGE = 'torchpkg', grad_output, self, buffer)))))) } cpp_torch_namespace_rrelu_with_noise_out_out_Tensor_self_Tensor_noise_Tensor <- function(out, self, noise, lower, upper, training, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rrelu_with_noise_out_out_Tensor_self_Tensor_noise_Tensor', PACKAGE = 'torchpkg', out, self, noise, lower, upper, training, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rrelu_with_noise_out_out_Tensor_self_Tensor_noise_Tensor', PACKAGE = 'torchpkg', out, self, noise, lower, upper, training, generator)))))) } cpp_torch_namespace_rrelu_with_noise_self_Tensor_noise_Tensor <- function(self, noise, lower, upper, training, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rrelu_with_noise_self_Tensor_noise_Tensor', PACKAGE = 'torchpkg', self, noise, lower, upper, training, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rrelu_with_noise_self_Tensor_noise_Tensor', PACKAGE = 'torchpkg', self, noise, lower, upper, training, generator)))))) } cpp_torch_namespace_rrelu_with_noise_backward_grad_output_Tensor_self_Tensor_noise_Tensor_lower_Scalar_upper_Scalar_training_bool_self_is_result_bool <- function(grad_output, self, noise, lower, upper, training, self_is_result) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rrelu_with_noise_backward_grad_output_Tensor_self_Tensor_noise_Tensor_lower_Scalar_upper_Scalar_training_bool_self_is_result_bool', PACKAGE = 'torchpkg', grad_output, self, noise, lower, upper, training, self_is_result)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rrelu_with_noise_backward_grad_output_Tensor_self_Tensor_noise_Tensor_lower_Scalar_upper_Scalar_training_bool_self_is_result_bool', PACKAGE = 'torchpkg', grad_output, self, noise, lower, upper, training, self_is_result)))))) } cpp_torch_namespace_rrelu_with_noise__self_Tensor_noise_Tensor <- function(self, noise, lower, upper, training, generator) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_rrelu_with_noise__self_Tensor_noise_Tensor', PACKAGE = 'torchpkg', self, noise, lower, upper, training, generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_rrelu_with_noise__self_Tensor_noise_Tensor', PACKAGE = 'torchpkg', self, noise, lower, upper, training, generator)))))) } cpp_torch_namespace_softplus_out_out_Tensor_self_Tensor <- function(out, self, beta, threshold) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_softplus_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, beta, threshold)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_softplus_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, beta, threshold)))))) } cpp_torch_namespace_softplus_self_Tensor <- function(self, beta, threshold) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_softplus_self_Tensor', PACKAGE = 'torchpkg', self, beta, threshold)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_softplus_self_Tensor', PACKAGE = 'torchpkg', self, beta, threshold)))))) } cpp_torch_namespace_softplus_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_beta_Scalar_threshold_Scalar_output_Tensor <- function(grad_input, grad_output, self, beta, threshold, output) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_softplus_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_beta_Scalar_threshold_Scalar_output_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, beta, threshold, output)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_softplus_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_beta_Scalar_threshold_Scalar_output_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, beta, threshold, output)))))) } cpp_torch_namespace_softplus_backward_grad_output_Tensor_self_Tensor_beta_Scalar_threshold_Scalar_output_Tensor <- function(grad_output, self, beta, threshold, output) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_softplus_backward_grad_output_Tensor_self_Tensor_beta_Scalar_threshold_Scalar_output_Tensor', PACKAGE = 'torchpkg', grad_output, self, beta, threshold, output)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_softplus_backward_grad_output_Tensor_self_Tensor_beta_Scalar_threshold_Scalar_output_Tensor', PACKAGE = 'torchpkg', grad_output, self, beta, threshold, output)))))) } cpp_torch_namespace_softshrink_out_out_Tensor_self_Tensor <- function(out, self, lambd) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_softshrink_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, lambd)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_softshrink_out_out_Tensor_self_Tensor', PACKAGE = 'torchpkg', out, self, lambd)))))) } cpp_torch_namespace_softshrink_self_Tensor <- function(self, lambd) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_softshrink_self_Tensor', PACKAGE = 'torchpkg', self, lambd)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_softshrink_self_Tensor', PACKAGE = 'torchpkg', self, lambd)))))) } cpp_torch_namespace_softshrink_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_lambd_Scalar <- function(grad_input, grad_output, self, lambd) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_softshrink_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_lambd_Scalar', PACKAGE = 'torchpkg', grad_input, grad_output, self, lambd)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_softshrink_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_lambd_Scalar', PACKAGE = 'torchpkg', grad_input, grad_output, self, lambd)))))) } cpp_torch_namespace_softshrink_backward_grad_output_Tensor_self_Tensor_lambd_Scalar <- function(grad_output, self, lambd) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_softshrink_backward_grad_output_Tensor_self_Tensor_lambd_Scalar', PACKAGE = 'torchpkg', grad_output, self, lambd)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_softshrink_backward_grad_output_Tensor_self_Tensor_lambd_Scalar', PACKAGE = 'torchpkg', grad_output, self, lambd)))))) } cpp_torch_namespace_adaptive_avg_pool2d_out_out_Tensor_self_Tensor_output_size_IntArrayRef <- function(out, self, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool2d_out_out_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool2d_out_out_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, output_size)))))) } cpp_torch_namespace_adaptive_avg_pool2d_self_Tensor_output_size_IntArrayRef <- function(self, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool2d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool2d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)))))) } cpp_torch_namespace_mkldnn_adaptive_avg_pool2d_self_Tensor_output_size_IntArrayRef <- function(self, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_adaptive_avg_pool2d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_mkldnn_adaptive_avg_pool2d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)))))) } cpp_torch_namespace__adaptive_avg_pool2d_self_Tensor_output_size_IntArrayRef <- function(self, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__adaptive_avg_pool2d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__adaptive_avg_pool2d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)))))) } cpp_torch_namespace__adaptive_avg_pool2d_backward_grad_output_Tensor_self_Tensor <- function(grad_output, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace__adaptive_avg_pool2d_backward_grad_output_Tensor_self_Tensor', PACKAGE = 'torchpkg', grad_output, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace__adaptive_avg_pool2d_backward_grad_output_Tensor_self_Tensor', PACKAGE = 'torchpkg', grad_output, self)))))) } cpp_torch_namespace_adaptive_avg_pool3d_out_out_Tensor_self_Tensor_output_size_IntArrayRef <- function(out, self, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool3d_out_out_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool3d_out_out_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, output_size)))))) } cpp_torch_namespace_adaptive_avg_pool3d_self_Tensor_output_size_IntArrayRef <- function(self, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool3d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool3d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)))))) } cpp_torch_namespace_adaptive_avg_pool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor <- function(grad_input, grad_output, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self)))))) } cpp_torch_namespace_adaptive_avg_pool3d_backward_grad_output_Tensor_self_Tensor <- function(grad_output, self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool3d_backward_grad_output_Tensor_self_Tensor', PACKAGE = 'torchpkg', grad_output, self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_avg_pool3d_backward_grad_output_Tensor_self_Tensor', PACKAGE = 'torchpkg', grad_output, self)))))) } cpp_torch_namespace_adaptive_max_pool2d_out_out_Tensor_indices_Tensor_self_Tensor_output_size_IntArrayRef <- function(out, indices, self, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool2d_out_out_Tensor_indices_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, indices, self, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool2d_out_out_Tensor_indices_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, indices, self, output_size)))))) } cpp_torch_namespace_adaptive_max_pool2d_self_Tensor_output_size_IntArrayRef <- function(self, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool2d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool2d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)))))) } cpp_torch_namespace_adaptive_max_pool2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_indices_Tensor <- function(grad_input, grad_output, self, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_indices_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_indices_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, indices)))))) } cpp_torch_namespace_adaptive_max_pool2d_backward_grad_output_Tensor_self_Tensor_indices_Tensor <- function(grad_output, self, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool2d_backward_grad_output_Tensor_self_Tensor_indices_Tensor', PACKAGE = 'torchpkg', grad_output, self, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool2d_backward_grad_output_Tensor_self_Tensor_indices_Tensor', PACKAGE = 'torchpkg', grad_output, self, indices)))))) } cpp_torch_namespace_adaptive_max_pool3d_out_out_Tensor_indices_Tensor_self_Tensor_output_size_IntArrayRef <- function(out, indices, self, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool3d_out_out_Tensor_indices_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, indices, self, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool3d_out_out_Tensor_indices_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, indices, self, output_size)))))) } cpp_torch_namespace_adaptive_max_pool3d_self_Tensor_output_size_IntArrayRef <- function(self, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool3d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool3d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size)))))) } cpp_torch_namespace_adaptive_max_pool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_indices_Tensor <- function(grad_input, grad_output, self, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_indices_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_indices_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, indices)))))) } cpp_torch_namespace_adaptive_max_pool3d_backward_grad_output_Tensor_self_Tensor_indices_Tensor <- function(grad_output, self, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool3d_backward_grad_output_Tensor_self_Tensor_indices_Tensor', PACKAGE = 'torchpkg', grad_output, self, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_adaptive_max_pool3d_backward_grad_output_Tensor_self_Tensor_indices_Tensor', PACKAGE = 'torchpkg', grad_output, self, indices)))))) } cpp_torch_namespace_avg_pool2d_out_out_Tensor_self_Tensor_kernel_size_IntArrayRef <- function(out, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool2d_out_out_Tensor_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool2d_out_out_Tensor_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)))))) } cpp_torch_namespace_avg_pool2d_self_Tensor_kernel_size_IntArrayRef <- function(self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool2d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool2d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)))))) } cpp_torch_namespace_avg_pool2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_ceil_mode_bool_count_include_pad_bool_divisor_override_int64_t <- function(grad_input, grad_output, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_ceil_mode_bool_count_include_pad_bool_divisor_override_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_ceil_mode_bool_count_include_pad_bool_divisor_override_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)))))) } cpp_torch_namespace_avg_pool2d_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_ceil_mode_bool_count_include_pad_bool_divisor_override_int64_t <- function(grad_output, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool2d_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_ceil_mode_bool_count_include_pad_bool_divisor_override_int64_t', PACKAGE = 'torchpkg', grad_output, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool2d_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_ceil_mode_bool_count_include_pad_bool_divisor_override_int64_t', PACKAGE = 'torchpkg', grad_output, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)))))) } cpp_torch_namespace_avg_pool3d_out_out_Tensor_self_Tensor_kernel_size_IntArrayRef <- function(out, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool3d_out_out_Tensor_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool3d_out_out_Tensor_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)))))) } cpp_torch_namespace_avg_pool3d_self_Tensor_kernel_size_IntArrayRef <- function(self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool3d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool3d_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)))))) } cpp_torch_namespace_avg_pool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_ceil_mode_bool_count_include_pad_bool_divisor_override_int64_t <- function(grad_input, grad_output, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_ceil_mode_bool_count_include_pad_bool_divisor_override_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_ceil_mode_bool_count_include_pad_bool_divisor_override_int64_t', PACKAGE = 'torchpkg', grad_input, grad_output, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)))))) } cpp_torch_namespace_avg_pool3d_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_ceil_mode_bool_count_include_pad_bool_divisor_override_int64_t <- function(grad_output, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool3d_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_ceil_mode_bool_count_include_pad_bool_divisor_override_int64_t', PACKAGE = 'torchpkg', grad_output, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_avg_pool3d_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_ceil_mode_bool_count_include_pad_bool_divisor_override_int64_t', PACKAGE = 'torchpkg', grad_output, self, kernel_size, stride, padding, ceil_mode, count_include_pad, divisor_override)))))) } cpp_torch_namespace_fractional_max_pool2d_out_output_Tensor_indices_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_random_samples_Tensor <- function(output, indices, self, kernel_size, output_size, random_samples) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool2d_out_output_Tensor_indices_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_random_samples_Tensor', PACKAGE = 'torchpkg', output, indices, self, kernel_size, output_size, random_samples)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool2d_out_output_Tensor_indices_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_random_samples_Tensor', PACKAGE = 'torchpkg', output, indices, self, kernel_size, output_size, random_samples)))))) } cpp_torch_namespace_fractional_max_pool2d_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_random_samples_Tensor <- function(self, kernel_size, output_size, random_samples) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool2d_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_random_samples_Tensor', PACKAGE = 'torchpkg', self, kernel_size, output_size, random_samples)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool2d_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_random_samples_Tensor', PACKAGE = 'torchpkg', self, kernel_size, output_size, random_samples)))))) } cpp_torch_namespace_fractional_max_pool2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_indices_Tensor <- function(grad_input, grad_output, self, kernel_size, output_size, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_indices_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, kernel_size, output_size, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_indices_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, kernel_size, output_size, indices)))))) } cpp_torch_namespace_fractional_max_pool2d_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_indices_Tensor <- function(grad_output, self, kernel_size, output_size, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool2d_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_indices_Tensor', PACKAGE = 'torchpkg', grad_output, self, kernel_size, output_size, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool2d_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_indices_Tensor', PACKAGE = 'torchpkg', grad_output, self, kernel_size, output_size, indices)))))) } cpp_torch_namespace_fractional_max_pool3d_out_output_Tensor_indices_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_random_samples_Tensor <- function(output, indices, self, kernel_size, output_size, random_samples) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool3d_out_output_Tensor_indices_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_random_samples_Tensor', PACKAGE = 'torchpkg', output, indices, self, kernel_size, output_size, random_samples)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool3d_out_output_Tensor_indices_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_random_samples_Tensor', PACKAGE = 'torchpkg', output, indices, self, kernel_size, output_size, random_samples)))))) } cpp_torch_namespace_fractional_max_pool3d_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_random_samples_Tensor <- function(self, kernel_size, output_size, random_samples) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool3d_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_random_samples_Tensor', PACKAGE = 'torchpkg', self, kernel_size, output_size, random_samples)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool3d_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_random_samples_Tensor', PACKAGE = 'torchpkg', self, kernel_size, output_size, random_samples)))))) } cpp_torch_namespace_fractional_max_pool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_indices_Tensor <- function(grad_input, grad_output, self, kernel_size, output_size, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_indices_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, kernel_size, output_size, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_indices_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, kernel_size, output_size, indices)))))) } cpp_torch_namespace_fractional_max_pool3d_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_indices_Tensor <- function(grad_output, self, kernel_size, output_size, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool3d_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_indices_Tensor', PACKAGE = 'torchpkg', grad_output, self, kernel_size, output_size, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_fractional_max_pool3d_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_output_size_IntArrayRef_indices_Tensor', PACKAGE = 'torchpkg', grad_output, self, kernel_size, output_size, indices)))))) } cpp_torch_namespace_max_pool2d_with_indices_out_out_Tensor_indices_Tensor_self_Tensor_kernel_size_IntArrayRef <- function(out, indices, self, kernel_size, stride, padding, dilation, ceil_mode) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool2d_with_indices_out_out_Tensor_indices_Tensor_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, indices, self, kernel_size, stride, padding, dilation, ceil_mode)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool2d_with_indices_out_out_Tensor_indices_Tensor_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, indices, self, kernel_size, stride, padding, dilation, ceil_mode)))))) } cpp_torch_namespace_max_pool2d_with_indices_self_Tensor_kernel_size_IntArrayRef <- function(self, kernel_size, stride, padding, dilation, ceil_mode) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool2d_with_indices_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool2d_with_indices_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)))))) } cpp_torch_namespace_max_pool2d_with_indices_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_ceil_mode_bool_indices_Tensor <- function(grad_input, grad_output, self, kernel_size, stride, padding, dilation, ceil_mode, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool2d_with_indices_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_ceil_mode_bool_indices_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, kernel_size, stride, padding, dilation, ceil_mode, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool2d_with_indices_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_ceil_mode_bool_indices_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, kernel_size, stride, padding, dilation, ceil_mode, indices)))))) } cpp_torch_namespace_max_pool2d_with_indices_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_ceil_mode_bool_indices_Tensor <- function(grad_output, self, kernel_size, stride, padding, dilation, ceil_mode, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool2d_with_indices_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_ceil_mode_bool_indices_Tensor', PACKAGE = 'torchpkg', grad_output, self, kernel_size, stride, padding, dilation, ceil_mode, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool2d_with_indices_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_ceil_mode_bool_indices_Tensor', PACKAGE = 'torchpkg', grad_output, self, kernel_size, stride, padding, dilation, ceil_mode, indices)))))) } cpp_torch_namespace_max_pool3d_with_indices_out_out_Tensor_indices_Tensor_self_Tensor_kernel_size_IntArrayRef <- function(out, indices, self, kernel_size, stride, padding, dilation, ceil_mode) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool3d_with_indices_out_out_Tensor_indices_Tensor_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, indices, self, kernel_size, stride, padding, dilation, ceil_mode)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool3d_with_indices_out_out_Tensor_indices_Tensor_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, indices, self, kernel_size, stride, padding, dilation, ceil_mode)))))) } cpp_torch_namespace_max_pool3d_with_indices_self_Tensor_kernel_size_IntArrayRef <- function(self, kernel_size, stride, padding, dilation, ceil_mode) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool3d_with_indices_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool3d_with_indices_self_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, stride, padding, dilation, ceil_mode)))))) } cpp_torch_namespace_max_pool3d_with_indices_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_ceil_mode_bool_indices_Tensor <- function(grad_input, grad_output, self, kernel_size, stride, padding, dilation, ceil_mode, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool3d_with_indices_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_ceil_mode_bool_indices_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, kernel_size, stride, padding, dilation, ceil_mode, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool3d_with_indices_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_ceil_mode_bool_indices_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, self, kernel_size, stride, padding, dilation, ceil_mode, indices)))))) } cpp_torch_namespace_max_pool3d_with_indices_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_ceil_mode_bool_indices_Tensor <- function(grad_output, self, kernel_size, stride, padding, dilation, ceil_mode, indices) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool3d_with_indices_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_ceil_mode_bool_indices_Tensor', PACKAGE = 'torchpkg', grad_output, self, kernel_size, stride, padding, dilation, ceil_mode, indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_pool3d_with_indices_backward_grad_output_Tensor_self_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_ceil_mode_bool_indices_Tensor', PACKAGE = 'torchpkg', grad_output, self, kernel_size, stride, padding, dilation, ceil_mode, indices)))))) } cpp_torch_namespace_max_unpool2d_out_out_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef <- function(out, self, indices, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool2d_out_out_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, indices, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool2d_out_out_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, indices, output_size)))))) } cpp_torch_namespace_max_unpool2d_self_Tensor_indices_Tensor_output_size_IntArrayRef <- function(self, indices, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool2d_self_Tensor_indices_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, indices, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool2d_self_Tensor_indices_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, indices, output_size)))))) } cpp_torch_namespace_max_unpool2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef <- function(grad_input, grad_output, self, indices, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, indices, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, indices, output_size)))))) } cpp_torch_namespace_max_unpool2d_backward_grad_output_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef <- function(grad_output, self, indices, output_size) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool2d_backward_grad_output_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, indices, output_size)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool2d_backward_grad_output_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, indices, output_size)))))) } cpp_torch_namespace_max_unpool3d_out_out_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef <- function(out, self, indices, output_size, stride, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool3d_out_out_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', out, self, indices, output_size, stride, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool3d_out_out_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', out, self, indices, output_size, stride, padding)))))) } cpp_torch_namespace_max_unpool3d_self_Tensor_indices_Tensor_output_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef <- function(self, indices, output_size, stride, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool3d_self_Tensor_indices_Tensor_output_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', self, indices, output_size, stride, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool3d_self_Tensor_indices_Tensor_output_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', self, indices, output_size, stride, padding)))))) } cpp_torch_namespace_max_unpool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef <- function(grad_input, grad_output, self, indices, output_size, stride, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, indices, output_size, stride, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, indices, output_size, stride, padding)))))) } cpp_torch_namespace_max_unpool3d_backward_grad_output_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef <- function(grad_output, self, indices, output_size, stride, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool3d_backward_grad_output_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, indices, output_size, stride, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_max_unpool3d_backward_grad_output_Tensor_self_Tensor_indices_Tensor_output_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, indices, output_size, stride, padding)))))) } cpp_torch_namespace_reflection_pad1d_out_out_Tensor_self_Tensor_padding_IntArrayRef <- function(out, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad1d_out_out_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', out, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad1d_out_out_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', out, self, padding)))))) } cpp_torch_namespace_reflection_pad1d_self_Tensor_padding_IntArrayRef <- function(self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad1d_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad1d_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', self, padding)))))) } cpp_torch_namespace_reflection_pad1d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef <- function(grad_input, grad_output, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad1d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad1d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, padding)))))) } cpp_torch_namespace_reflection_pad1d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef <- function(grad_output, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad1d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad1d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, padding)))))) } cpp_torch_namespace_reflection_pad2d_out_out_Tensor_self_Tensor_padding_IntArrayRef <- function(out, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad2d_out_out_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', out, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad2d_out_out_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', out, self, padding)))))) } cpp_torch_namespace_reflection_pad2d_self_Tensor_padding_IntArrayRef <- function(self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad2d_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad2d_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', self, padding)))))) } cpp_torch_namespace_reflection_pad2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef <- function(grad_input, grad_output, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, padding)))))) } cpp_torch_namespace_reflection_pad2d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef <- function(grad_output, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad2d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_reflection_pad2d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, padding)))))) } cpp_torch_namespace_replication_pad1d_out_out_Tensor_self_Tensor_padding_IntArrayRef <- function(out, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad1d_out_out_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', out, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad1d_out_out_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', out, self, padding)))))) } cpp_torch_namespace_replication_pad1d_self_Tensor_padding_IntArrayRef <- function(self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad1d_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad1d_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', self, padding)))))) } cpp_torch_namespace_replication_pad1d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef <- function(grad_input, grad_output, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad1d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad1d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, padding)))))) } cpp_torch_namespace_replication_pad1d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef <- function(grad_output, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad1d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad1d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, padding)))))) } cpp_torch_namespace_replication_pad2d_out_out_Tensor_self_Tensor_padding_IntArrayRef <- function(out, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad2d_out_out_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', out, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad2d_out_out_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', out, self, padding)))))) } cpp_torch_namespace_replication_pad2d_self_Tensor_padding_IntArrayRef <- function(self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad2d_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad2d_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', self, padding)))))) } cpp_torch_namespace_replication_pad2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef <- function(grad_input, grad_output, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad2d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, padding)))))) } cpp_torch_namespace_replication_pad2d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef <- function(grad_output, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad2d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad2d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, padding)))))) } cpp_torch_namespace_replication_pad3d_out_out_Tensor_self_Tensor_padding_IntArrayRef <- function(out, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad3d_out_out_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', out, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad3d_out_out_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', out, self, padding)))))) } cpp_torch_namespace_replication_pad3d_self_Tensor_padding_IntArrayRef <- function(self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad3d_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad3d_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', self, padding)))))) } cpp_torch_namespace_replication_pad3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef <- function(grad_input, grad_output, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad3d_backward_out_grad_input_Tensor_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, self, padding)))))) } cpp_torch_namespace_replication_pad3d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef <- function(grad_output, self, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad3d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_replication_pad3d_backward_grad_output_Tensor_self_Tensor_padding_IntArrayRef', PACKAGE = 'torchpkg', grad_output, self, padding)))))) } cpp_torch_namespace_upsample_linear1d_out_out_Tensor_self_Tensor_output_size_IntArrayRef_align_corners_bool <- function(out, self, output_size, align_corners, scales) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_linear1d_out_out_Tensor_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', out, self, output_size, align_corners, scales)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_linear1d_out_out_Tensor_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', out, self, output_size, align_corners, scales)))))) } cpp_torch_namespace_upsample_linear1d_self_Tensor_output_size_IntArrayRef_align_corners_bool <- function(self, output_size, align_corners, scales) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_linear1d_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', self, output_size, align_corners, scales)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_linear1d_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', self, output_size, align_corners, scales)))))) } cpp_torch_namespace_upsample_linear1d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool <- function(grad_input, grad_output, output_size, input_size, align_corners, scales) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_linear1d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, align_corners, scales)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_linear1d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, align_corners, scales)))))) } cpp_torch_namespace_upsample_linear1d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool <- function(grad_output, output_size, input_size, align_corners, scales) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_linear1d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_output, output_size, input_size, align_corners, scales)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_linear1d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_output, output_size, input_size, align_corners, scales)))))) } cpp_torch_namespace_upsample_bilinear2d_out_out_Tensor_self_Tensor_output_size_IntArrayRef_align_corners_bool <- function(out, self, output_size, align_corners, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bilinear2d_out_out_Tensor_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', out, self, output_size, align_corners, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bilinear2d_out_out_Tensor_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', out, self, output_size, align_corners, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_bilinear2d_self_Tensor_output_size_IntArrayRef_align_corners_bool <- function(self, output_size, align_corners, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bilinear2d_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', self, output_size, align_corners, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bilinear2d_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', self, output_size, align_corners, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_bilinear2d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool <- function(grad_input, grad_output, output_size, input_size, align_corners, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bilinear2d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, align_corners, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bilinear2d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, align_corners, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_bilinear2d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool <- function(grad_output, output_size, input_size, align_corners, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bilinear2d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_output, output_size, input_size, align_corners, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bilinear2d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_output, output_size, input_size, align_corners, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_bicubic2d_out_out_Tensor_self_Tensor_output_size_IntArrayRef_align_corners_bool <- function(out, self, output_size, align_corners, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bicubic2d_out_out_Tensor_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', out, self, output_size, align_corners, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bicubic2d_out_out_Tensor_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', out, self, output_size, align_corners, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_bicubic2d_self_Tensor_output_size_IntArrayRef_align_corners_bool <- function(self, output_size, align_corners, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bicubic2d_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', self, output_size, align_corners, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bicubic2d_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', self, output_size, align_corners, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_bicubic2d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool <- function(grad_input, grad_output, output_size, input_size, align_corners, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bicubic2d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, align_corners, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bicubic2d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, align_corners, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_bicubic2d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool <- function(grad_output, output_size, input_size, align_corners, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bicubic2d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_output, output_size, input_size, align_corners, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_bicubic2d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_output, output_size, input_size, align_corners, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_trilinear3d_out_out_Tensor_self_Tensor_output_size_IntArrayRef_align_corners_bool <- function(out, self, output_size, align_corners, scales_d, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_trilinear3d_out_out_Tensor_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', out, self, output_size, align_corners, scales_d, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_trilinear3d_out_out_Tensor_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', out, self, output_size, align_corners, scales_d, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_trilinear3d_self_Tensor_output_size_IntArrayRef_align_corners_bool <- function(self, output_size, align_corners, scales_d, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_trilinear3d_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', self, output_size, align_corners, scales_d, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_trilinear3d_self_Tensor_output_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', self, output_size, align_corners, scales_d, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_trilinear3d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool <- function(grad_input, grad_output, output_size, input_size, align_corners, scales_d, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_trilinear3d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, align_corners, scales_d, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_trilinear3d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, align_corners, scales_d, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_trilinear3d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool <- function(grad_output, output_size, input_size, align_corners, scales_d, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_trilinear3d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_output, output_size, input_size, align_corners, scales_d, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_trilinear3d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef_align_corners_bool', PACKAGE = 'torchpkg', grad_output, output_size, input_size, align_corners, scales_d, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_nearest1d_out_out_Tensor_self_Tensor_output_size_IntArrayRef <- function(out, self, output_size, scales) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest1d_out_out_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, output_size, scales)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest1d_out_out_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, output_size, scales)))))) } cpp_torch_namespace_upsample_nearest1d_self_Tensor_output_size_IntArrayRef <- function(self, output_size, scales) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest1d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size, scales)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest1d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size, scales)))))) } cpp_torch_namespace_upsample_nearest1d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef <- function(grad_input, grad_output, output_size, input_size, scales) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest1d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, scales)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest1d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, scales)))))) } cpp_torch_namespace_upsample_nearest1d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef <- function(grad_output, output_size, input_size, scales) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest1d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef', PACKAGE = 'torchpkg', grad_output, output_size, input_size, scales)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest1d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef', PACKAGE = 'torchpkg', grad_output, output_size, input_size, scales)))))) } cpp_torch_namespace_upsample_nearest2d_out_out_Tensor_self_Tensor_output_size_IntArrayRef <- function(out, self, output_size, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest2d_out_out_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, output_size, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest2d_out_out_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, output_size, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_nearest2d_self_Tensor_output_size_IntArrayRef <- function(self, output_size, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest2d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest2d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_nearest2d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef <- function(grad_input, grad_output, output_size, input_size, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest2d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest2d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_nearest2d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef <- function(grad_output, output_size, input_size, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest2d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef', PACKAGE = 'torchpkg', grad_output, output_size, input_size, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest2d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef', PACKAGE = 'torchpkg', grad_output, output_size, input_size, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_nearest3d_out_out_Tensor_self_Tensor_output_size_IntArrayRef <- function(out, self, output_size, scales_d, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest3d_out_out_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, output_size, scales_d, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest3d_out_out_Tensor_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, output_size, scales_d, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_nearest3d_self_Tensor_output_size_IntArrayRef <- function(self, output_size, scales_d, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest3d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size, scales_d, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest3d_self_Tensor_output_size_IntArrayRef', PACKAGE = 'torchpkg', self, output_size, scales_d, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_nearest3d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef <- function(grad_input, grad_output, output_size, input_size, scales_d, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest3d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, scales_d, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest3d_backward_out_grad_input_Tensor_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, output_size, input_size, scales_d, scales_h, scales_w)))))) } cpp_torch_namespace_upsample_nearest3d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef <- function(grad_output, output_size, input_size, scales_d, scales_h, scales_w) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest3d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef', PACKAGE = 'torchpkg', grad_output, output_size, input_size, scales_d, scales_h, scales_w)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_upsample_nearest3d_backward_grad_output_Tensor_output_size_IntArrayRef_input_size_IntArrayRef', PACKAGE = 'torchpkg', grad_output, output_size, input_size, scales_d, scales_h, scales_w)))))) } cpp_torch_namespace_sigmoid_backward_out_grad_input_Tensor_grad_output_Tensor_output_Tensor <- function(grad_input, grad_output, output) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sigmoid_backward_out_grad_input_Tensor_grad_output_Tensor_output_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, output)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sigmoid_backward_out_grad_input_Tensor_grad_output_Tensor_output_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, output)))))) } cpp_torch_namespace_sigmoid_backward_grad_output_Tensor_output_Tensor <- function(grad_output, output) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_sigmoid_backward_grad_output_Tensor_output_Tensor', PACKAGE = 'torchpkg', grad_output, output)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_sigmoid_backward_grad_output_Tensor_output_Tensor', PACKAGE = 'torchpkg', grad_output, output)))))) } cpp_torch_namespace_tanh_backward_out_grad_input_Tensor_grad_output_Tensor_output_Tensor <- function(grad_input, grad_output, output) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_tanh_backward_out_grad_input_Tensor_grad_output_Tensor_output_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, output)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_tanh_backward_out_grad_input_Tensor_grad_output_Tensor_output_Tensor', PACKAGE = 'torchpkg', grad_input, grad_output, output)))))) } cpp_torch_namespace_tanh_backward_grad_output_Tensor_output_Tensor <- function(grad_output, output) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_tanh_backward_grad_output_Tensor_output_Tensor', PACKAGE = 'torchpkg', grad_output, output)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_tanh_backward_grad_output_Tensor_output_Tensor', PACKAGE = 'torchpkg', grad_output, output)))))) } cpp_torch_namespace_slow_conv_transpose2d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef <- function(out, self, weight, kernel_size, bias, stride, padding, output_padding, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose2d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, weight, kernel_size, bias, stride, padding, output_padding, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose2d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, weight, kernel_size, bias, stride, padding, output_padding, dilation)))))) } cpp_torch_namespace_slow_conv_transpose2d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef <- function(self, weight, kernel_size, bias, stride, padding, output_padding, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose2d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding, output_padding, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose2d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding, output_padding, dilation)))))) } cpp_torch_namespace_slow_conv_transpose2d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_bias_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_output_padding_IntArrayRef_dilation_IntArrayRef_columns_Tensor_ones_Tensor <- function(grad_input, grad_weight, grad_bias, grad_output, self, weight, kernel_size, stride, padding, output_padding, dilation, columns, ones) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose2d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_bias_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_output_padding_IntArrayRef_dilation_IntArrayRef_columns_Tensor_ones_Tensor', PACKAGE = 'torchpkg', grad_input, grad_weight, grad_bias, grad_output, self, weight, kernel_size, stride, padding, output_padding, dilation, columns, ones)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose2d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_bias_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_output_padding_IntArrayRef_dilation_IntArrayRef_columns_Tensor_ones_Tensor', PACKAGE = 'torchpkg', grad_input, grad_weight, grad_bias, grad_output, self, weight, kernel_size, stride, padding, output_padding, dilation, columns, ones)))))) } cpp_torch_namespace_slow_conv_transpose2d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_output_padding_IntArrayRef_dilation_IntArrayRef_columns_Tensor_ones_Tensor_output_mask_stdarraybool3 <- function(grad_output, self, weight, kernel_size, stride, padding, output_padding, dilation, columns, ones, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose2d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_output_padding_IntArrayRef_dilation_IntArrayRef_columns_Tensor_ones_Tensor_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, output_padding, dilation, columns, ones, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose2d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_output_padding_IntArrayRef_dilation_IntArrayRef_columns_Tensor_ones_Tensor_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, output_padding, dilation, columns, ones, output_mask)))))) } cpp_torch_namespace_slow_conv_transpose3d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef <- function(out, self, weight, kernel_size, bias, stride, padding, output_padding, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose3d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, weight, kernel_size, bias, stride, padding, output_padding, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose3d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, weight, kernel_size, bias, stride, padding, output_padding, dilation)))))) } cpp_torch_namespace_slow_conv_transpose3d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef <- function(self, weight, kernel_size, bias, stride, padding, output_padding, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose3d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding, output_padding, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose3d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding, output_padding, dilation)))))) } cpp_torch_namespace_slow_conv_transpose3d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_bias_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_output_padding_IntArrayRef_dilation_IntArrayRef_finput_Tensor_fgrad_input_Tensor <- function(grad_input, grad_weight, grad_bias, grad_output, self, weight, kernel_size, stride, padding, output_padding, dilation, finput, fgrad_input) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose3d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_bias_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_output_padding_IntArrayRef_dilation_IntArrayRef_finput_Tensor_fgrad_input_Tensor', PACKAGE = 'torchpkg', grad_input, grad_weight, grad_bias, grad_output, self, weight, kernel_size, stride, padding, output_padding, dilation, finput, fgrad_input)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose3d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_bias_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_output_padding_IntArrayRef_dilation_IntArrayRef_finput_Tensor_fgrad_input_Tensor', PACKAGE = 'torchpkg', grad_input, grad_weight, grad_bias, grad_output, self, weight, kernel_size, stride, padding, output_padding, dilation, finput, fgrad_input)))))) } cpp_torch_namespace_slow_conv_transpose3d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_output_padding_IntArrayRef_dilation_IntArrayRef_finput_Tensor_fgrad_input_Tensor_output_mask_stdarraybool3 <- function(grad_output, self, weight, kernel_size, stride, padding, output_padding, dilation, finput, fgrad_input, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose3d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_output_padding_IntArrayRef_dilation_IntArrayRef_finput_Tensor_fgrad_input_Tensor_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, output_padding, dilation, finput, fgrad_input, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_transpose3d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_output_padding_IntArrayRef_dilation_IntArrayRef_finput_Tensor_fgrad_input_Tensor_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, output_padding, dilation, finput, fgrad_input, output_mask)))))) } cpp_torch_namespace_thnn_conv2d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef <- function(out, self, weight, kernel_size, bias, stride, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv2d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, weight, kernel_size, bias, stride, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv2d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, weight, kernel_size, bias, stride, padding)))))) } cpp_torch_namespace_thnn_conv2d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef <- function(self, weight, kernel_size, bias, stride, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv2d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv2d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding)))))) } cpp_torch_namespace_thnn_conv2d_forward_out_output_Tensor_finput_Tensor_fgrad_input_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef <- function(output, finput, fgrad_input, self, weight, kernel_size, bias, stride, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv2d_forward_out_output_Tensor_finput_Tensor_fgrad_input_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', output, finput, fgrad_input, self, weight, kernel_size, bias, stride, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv2d_forward_out_output_Tensor_finput_Tensor_fgrad_input_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', output, finput, fgrad_input, self, weight, kernel_size, bias, stride, padding)))))) } cpp_torch_namespace_thnn_conv2d_forward_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef <- function(self, weight, kernel_size, bias, stride, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv2d_forward_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv2d_forward_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding)))))) } cpp_torch_namespace_thnn_conv2d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_bias_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_finput_Tensor_fgrad_input_Tensor <- function(grad_input, grad_weight, grad_bias, grad_output, self, weight, kernel_size, stride, padding, finput, fgrad_input) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv2d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_bias_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_finput_Tensor_fgrad_input_Tensor', PACKAGE = 'torchpkg', grad_input, grad_weight, grad_bias, grad_output, self, weight, kernel_size, stride, padding, finput, fgrad_input)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv2d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_bias_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_finput_Tensor_fgrad_input_Tensor', PACKAGE = 'torchpkg', grad_input, grad_weight, grad_bias, grad_output, self, weight, kernel_size, stride, padding, finput, fgrad_input)))))) } cpp_torch_namespace_thnn_conv2d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_finput_Tensor_fgrad_input_Tensor_output_mask_stdarraybool3 <- function(grad_output, self, weight, kernel_size, stride, padding, finput, fgrad_input, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv2d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_finput_Tensor_fgrad_input_Tensor_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, finput, fgrad_input, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv2d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_finput_Tensor_fgrad_input_Tensor_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, finput, fgrad_input, output_mask)))))) } cpp_torch_namespace_thnn_conv_depthwise2d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef <- function(out, self, weight, kernel_size, bias, stride, padding, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv_depthwise2d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, weight, kernel_size, bias, stride, padding, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv_depthwise2d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, weight, kernel_size, bias, stride, padding, dilation)))))) } cpp_torch_namespace_thnn_conv_depthwise2d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef <- function(self, weight, kernel_size, bias, stride, padding, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv_depthwise2d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv_depthwise2d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding, dilation)))))) } cpp_torch_namespace_thnn_conv_depthwise2d_forward_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef <- function(out, self, weight, kernel_size, bias, stride, padding, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv_depthwise2d_forward_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef', PACKAGE = 'torchpkg', out, self, weight, kernel_size, bias, stride, padding, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv_depthwise2d_forward_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef', PACKAGE = 'torchpkg', out, self, weight, kernel_size, bias, stride, padding, dilation)))))) } cpp_torch_namespace_thnn_conv_depthwise2d_forward_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef <- function(self, weight, kernel_size, bias, stride, padding, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv_depthwise2d_forward_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv_depthwise2d_forward_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding, dilation)))))) } cpp_torch_namespace_thnn_conv_depthwise2d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef <- function(grad_input, grad_weight, grad_output, self, weight, kernel_size, stride, padding, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv_depthwise2d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_weight, grad_output, self, weight, kernel_size, stride, padding, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv_depthwise2d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_weight, grad_output, self, weight, kernel_size, stride, padding, dilation)))))) } cpp_torch_namespace_thnn_conv_depthwise2d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_output_mask_stdarraybool2 <- function(grad_output, self, weight, kernel_size, stride, padding, dilation, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv_depthwise2d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_output_mask_stdarraybool2', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, dilation, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_thnn_conv_depthwise2d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_output_mask_stdarraybool2', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, dilation, output_mask)))))) } cpp_torch_namespace_slow_conv3d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef <- function(out, self, weight, kernel_size, bias, stride, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv3d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, weight, kernel_size, bias, stride, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv3d_out_out_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', out, self, weight, kernel_size, bias, stride, padding)))))) } cpp_torch_namespace_slow_conv3d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef <- function(self, weight, kernel_size, bias, stride, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv3d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv3d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding)))))) } cpp_torch_namespace_slow_conv3d_forward_out_output_Tensor_finput_Tensor_fgrad_input_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef <- function(output, finput, fgrad_input, self, weight, kernel_size, bias, stride, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv3d_forward_out_output_Tensor_finput_Tensor_fgrad_input_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', output, finput, fgrad_input, self, weight, kernel_size, bias, stride, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv3d_forward_out_output_Tensor_finput_Tensor_fgrad_input_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', output, finput, fgrad_input, self, weight, kernel_size, bias, stride, padding)))))) } cpp_torch_namespace_slow_conv3d_forward_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef <- function(self, weight, kernel_size, bias, stride, padding) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv3d_forward_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv3d_forward_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_bias_Tensor_stride_IntArrayRef_padding_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding)))))) } cpp_torch_namespace_slow_conv3d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_bias_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_finput_Tensor_fgrad_input_Tensor <- function(grad_input, grad_weight, grad_bias, grad_output, self, weight, kernel_size, stride, padding, finput, fgrad_input) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv3d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_bias_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_finput_Tensor_fgrad_input_Tensor', PACKAGE = 'torchpkg', grad_input, grad_weight, grad_bias, grad_output, self, weight, kernel_size, stride, padding, finput, fgrad_input)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv3d_backward_out_grad_input_Tensor_grad_weight_Tensor_grad_bias_Tensor_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_finput_Tensor_fgrad_input_Tensor', PACKAGE = 'torchpkg', grad_input, grad_weight, grad_bias, grad_output, self, weight, kernel_size, stride, padding, finput, fgrad_input)))))) } cpp_torch_namespace_slow_conv3d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_finput_Tensor_fgrad_input_Tensor_output_mask_stdarraybool3 <- function(grad_output, self, weight, kernel_size, stride, padding, finput, fgrad_input, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv3d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_finput_Tensor_fgrad_input_Tensor_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, finput, fgrad_input, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv3d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_finput_Tensor_fgrad_input_Tensor_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, finput, fgrad_input, output_mask)))))) } cpp_torch_namespace_slow_conv_dilated2d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef <- function(self, weight, kernel_size, bias, stride, padding, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_dilated2d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_dilated2d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding, dilation)))))) } cpp_torch_namespace_slow_conv_dilated2d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_output_mask_stdarraybool3 <- function(grad_output, self, weight, kernel_size, stride, padding, dilation, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_dilated2d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, dilation, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_dilated2d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, dilation, output_mask)))))) } cpp_torch_namespace_slow_conv_dilated3d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef <- function(self, weight, kernel_size, bias, stride, padding, dilation) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_dilated3d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding, dilation)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_dilated3d_self_Tensor_weight_Tensor_kernel_size_IntArrayRef', PACKAGE = 'torchpkg', self, weight, kernel_size, bias, stride, padding, dilation)))))) } cpp_torch_namespace_slow_conv_dilated3d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_output_mask_stdarraybool3 <- function(grad_output, self, weight, kernel_size, stride, padding, dilation, output_mask) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_dilated3d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, dilation, output_mask)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_slow_conv_dilated3d_backward_grad_output_Tensor_self_Tensor_weight_Tensor_kernel_size_IntArrayRef_stride_IntArrayRef_padding_IntArrayRef_dilation_IntArrayRef_output_mask_stdarraybool3', PACKAGE = 'torchpkg', grad_output, self, weight, kernel_size, stride, padding, dilation, output_mask)))))) } cpp_torch_namespace_col2im_out_out_Tensor_self_Tensor_output_size_IntArrayRef_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef <- function(out, self, output_size, kernel_size, dilation, padding, stride) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_col2im_out_out_Tensor_self_Tensor_output_size_IntArrayRef_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', out, self, output_size, kernel_size, dilation, padding, stride)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_col2im_out_out_Tensor_self_Tensor_output_size_IntArrayRef_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', out, self, output_size, kernel_size, dilation, padding, stride)))))) } cpp_torch_namespace_col2im_self_Tensor_output_size_IntArrayRef_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef <- function(self, output_size, kernel_size, dilation, padding, stride) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_col2im_self_Tensor_output_size_IntArrayRef_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', self, output_size, kernel_size, dilation, padding, stride)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_col2im_self_Tensor_output_size_IntArrayRef_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', self, output_size, kernel_size, dilation, padding, stride)))))) } cpp_torch_namespace_col2im_backward_out_grad_input_Tensor_grad_output_Tensor_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef <- function(grad_input, grad_output, kernel_size, dilation, padding, stride) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_col2im_backward_out_grad_input_Tensor_grad_output_Tensor_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, kernel_size, dilation, padding, stride)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_col2im_backward_out_grad_input_Tensor_grad_output_Tensor_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, kernel_size, dilation, padding, stride)))))) } cpp_torch_namespace_col2im_backward_grad_output_Tensor_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef <- function(grad_output, kernel_size, dilation, padding, stride) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_col2im_backward_grad_output_Tensor_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', grad_output, kernel_size, dilation, padding, stride)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_col2im_backward_grad_output_Tensor_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', grad_output, kernel_size, dilation, padding, stride)))))) } cpp_torch_namespace_im2col_out_out_Tensor_self_Tensor_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef <- function(out, self, kernel_size, dilation, padding, stride) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_im2col_out_out_Tensor_self_Tensor_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', out, self, kernel_size, dilation, padding, stride)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_im2col_out_out_Tensor_self_Tensor_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', out, self, kernel_size, dilation, padding, stride)))))) } cpp_torch_namespace_im2col_self_Tensor_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef <- function(self, kernel_size, dilation, padding, stride) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_im2col_self_Tensor_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, dilation, padding, stride)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_im2col_self_Tensor_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', self, kernel_size, dilation, padding, stride)))))) } cpp_torch_namespace_im2col_backward_out_grad_input_Tensor_grad_output_Tensor_input_size_IntArrayRef_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef <- function(grad_input, grad_output, input_size, kernel_size, dilation, padding, stride) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_im2col_backward_out_grad_input_Tensor_grad_output_Tensor_input_size_IntArrayRef_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, input_size, kernel_size, dilation, padding, stride)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_im2col_backward_out_grad_input_Tensor_grad_output_Tensor_input_size_IntArrayRef_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', grad_input, grad_output, input_size, kernel_size, dilation, padding, stride)))))) } cpp_torch_namespace_im2col_backward_grad_output_Tensor_input_size_IntArrayRef_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef <- function(grad_output, input_size, kernel_size, dilation, padding, stride) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_im2col_backward_grad_output_Tensor_input_size_IntArrayRef_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', grad_output, input_size, kernel_size, dilation, padding, stride)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_im2col_backward_grad_output_Tensor_input_size_IntArrayRef_kernel_size_IntArrayRef_dilation_IntArrayRef_padding_IntArrayRef_stride_IntArrayRef', PACKAGE = 'torchpkg', grad_output, input_size, kernel_size, dilation, padding, stride)))))) } cpp_torch_namespace_isfinite_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_isfinite_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_isfinite_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_namespace_isinf_self_Tensor <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_namespace_isinf_self_Tensor', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_namespace_isinf_self_Tensor', PACKAGE = 'torchpkg', self)))))) } cpp_torch_generator <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_generator', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_generator', PACKAGE = 'torchpkg')))))) } cpp_generator_current_seed <- function(generator) { - cpp_handle_error(.Call('_torch_cpp_generator_current_seed', PACKAGE = 'torchpkg', generator)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_generator_current_seed', PACKAGE = 'torchpkg', generator)))))) } cpp_generator_set_current_seed <- function(generator, seed) { - invisible(cpp_handle_error(.Call('_torch_cpp_generator_set_current_seed', PACKAGE = 'torchpkg', generator, seed))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_generator_set_current_seed', PACKAGE = 'torchpkg', generator, seed))))))) } cpp_torch_tensor_index <- function(self, index) { - cpp_handle_error(.Call('_torch_cpp_torch_tensor_index', PACKAGE = 'torchpkg', self, index)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index', PACKAGE = 'torchpkg', self, index)))))) } cpp_torch_tensor_index_new <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_new', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_new', PACKAGE = 'torchpkg')))))) } cpp_torch_tensor_index_append_tensor <- function(self, x) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_append_tensor', PACKAGE = 'torchpkg', self, x))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_append_tensor', PACKAGE = 'torchpkg', self, x))))))) } cpp_torch_tensor_index_append_bool <- function(self, x) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_append_bool', PACKAGE = 'torchpkg', self, x))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_append_bool', PACKAGE = 'torchpkg', self, x))))))) } cpp_torch_tensor_index_append_int64 <- function(self, x) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_append_int64', PACKAGE = 'torchpkg', self, x))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_append_int64', PACKAGE = 'torchpkg', self, x))))))) } cpp_torch_tensor_index_append_ellipsis <- function(self) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_append_ellipsis', PACKAGE = 'torchpkg', self))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_append_ellipsis', PACKAGE = 'torchpkg', self))))))) } cpp_torch_tensor_index_append_none <- function(self) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_append_none', PACKAGE = 'torchpkg', self))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_append_none', PACKAGE = 'torchpkg', self))))))) } cpp_torch_tensor_index_append_slice <- function(self, x) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_append_slice', PACKAGE = 'torchpkg', self, x))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor_index_append_slice', PACKAGE = 'torchpkg', self, x))))))) } cpp_torch_slice <- function(start, end, step) { - cpp_handle_error(.Call('_torch_cpp_torch_slice', PACKAGE = 'torchpkg', start, end, step)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_slice', PACKAGE = 'torchpkg', start, end, step)))))) } cpp_lantern_init <- function(path) { @@ -6942,234 +6942,234 @@ cpp_lantern_error_clear <- function() { } cpp_layout_to_string <- function(layout_ptr) { - cpp_handle_error(.Call('_torch_cpp_layout_to_string', PACKAGE = 'torchpkg', layout_ptr)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_layout_to_string', PACKAGE = 'torchpkg', layout_ptr)))))) } cpp_torch_strided <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_strided', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_strided', PACKAGE = 'torchpkg')))))) } cpp_torch_sparse <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_sparse', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_sparse', PACKAGE = 'torchpkg')))))) } cpp_memory_format_to_string <- function(x) { - cpp_handle_error(.Call('_torch_cpp_memory_format_to_string', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_memory_format_to_string', PACKAGE = 'torchpkg', x)))))) } cpp_torch_contiguous_format <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_contiguous_format', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_contiguous_format', PACKAGE = 'torchpkg')))))) } cpp_torch_preserve_format <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_preserve_format', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_preserve_format', PACKAGE = 'torchpkg')))))) } cpp_torch_channels_last_format <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_channels_last_format', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_channels_last_format', PACKAGE = 'torchpkg')))))) } cpp_nn_utils_rnn_pack_padded_sequence <- function(input, lengths, batch_first, enforce_sorted) { - cpp_handle_error(.Call('_torch_cpp_nn_utils_rnn_pack_padded_sequence', PACKAGE = 'torchpkg', input, lengths, batch_first, enforce_sorted)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_nn_utils_rnn_pack_padded_sequence', PACKAGE = 'torchpkg', input, lengths, batch_first, enforce_sorted)))))) } cpp_nn_utils_pack_sequence <- function(sequence, enforce_sorted) { - cpp_handle_error(.Call('_torch_cpp_nn_utils_pack_sequence', PACKAGE = 'torchpkg', sequence, enforce_sorted)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_nn_utils_pack_sequence', PACKAGE = 'torchpkg', sequence, enforce_sorted)))))) } cpp_nn_utils_pad_packed_sequence <- function(sequence, batch_first, padding_value, total_length) { - cpp_handle_error(.Call('_torch_cpp_nn_utils_pad_packed_sequence', PACKAGE = 'torchpkg', sequence, batch_first, padding_value, total_length)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_nn_utils_pad_packed_sequence', PACKAGE = 'torchpkg', sequence, batch_first, padding_value, total_length)))))) } cpp_nn_utils_pad_sequence <- function(sequence, batch_first, padding_value) { - cpp_handle_error(.Call('_torch_cpp_nn_utils_pad_sequence', PACKAGE = 'torchpkg', sequence, batch_first, padding_value)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_nn_utils_pad_sequence', PACKAGE = 'torchpkg', sequence, batch_first, padding_value)))))) } cpp_nn_utils_PackedSequence_new <- function(data, batch_sizes, sorted_indices, unsorted_indices) { - cpp_handle_error(.Call('_torch_cpp_nn_utils_PackedSequence_new', PACKAGE = 'torchpkg', data, batch_sizes, sorted_indices, unsorted_indices)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_nn_utils_PackedSequence_new', PACKAGE = 'torchpkg', data, batch_sizes, sorted_indices, unsorted_indices)))))) } cpp_nn_utils_PackedSequence_data <- function(x) { - cpp_handle_error(.Call('_torch_cpp_nn_utils_PackedSequence_data', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_nn_utils_PackedSequence_data', PACKAGE = 'torchpkg', x)))))) } cpp_nn_utils_PackedSequence_batch_sizes <- function(x) { - cpp_handle_error(.Call('_torch_cpp_nn_utils_PackedSequence_batch_sizes', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_nn_utils_PackedSequence_batch_sizes', PACKAGE = 'torchpkg', x)))))) } cpp_nn_utils_PackedSequence_sorted_indices <- function(x) { - cpp_handle_error(.Call('_torch_cpp_nn_utils_PackedSequence_sorted_indices', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_nn_utils_PackedSequence_sorted_indices', PACKAGE = 'torchpkg', x)))))) } cpp_nn_utils_PackedSequence_unsorted_indices <- function(x) { - cpp_handle_error(.Call('_torch_cpp_nn_utils_PackedSequence_unsorted_indices', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_nn_utils_PackedSequence_unsorted_indices', PACKAGE = 'torchpkg', x)))))) } cpp_qscheme_to_string <- function(x) { - cpp_handle_error(.Call('_torch_cpp_qscheme_to_string', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_qscheme_to_string', PACKAGE = 'torchpkg', x)))))) } cpp_torch_per_channel_affine <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_per_channel_affine', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_per_channel_affine', PACKAGE = 'torchpkg')))))) } cpp_torch_per_tensor_affine <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_per_tensor_affine', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_per_tensor_affine', PACKAGE = 'torchpkg')))))) } cpp_torch_per_channel_symmetric <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_per_channel_symmetric', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_per_channel_symmetric', PACKAGE = 'torchpkg')))))) } cpp_torch_per_tensor_symmetric <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_per_tensor_symmetric', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_per_tensor_symmetric', PACKAGE = 'torchpkg')))))) } cpp_Tensor_is_quantized <- function(self) { - cpp_handle_error(.Call('_torch_cpp_Tensor_is_quantized', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_Tensor_is_quantized', PACKAGE = 'torchpkg', self)))))) } cpp_torch_reduction_mean <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_reduction_mean', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_reduction_mean', PACKAGE = 'torchpkg')))))) } cpp_torch_reduction_none <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_reduction_none', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_reduction_none', PACKAGE = 'torchpkg')))))) } cpp_torch_reduction_sum <- function() { - cpp_handle_error(.Call('_torch_cpp_torch_reduction_sum', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_reduction_sum', PACKAGE = 'torchpkg')))))) } cpp_tensor_save <- function(x) { - cpp_handle_error(.Call('_torch_cpp_tensor_save', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_save', PACKAGE = 'torchpkg', x)))))) } cpp_tensor_load <- function(s) { - cpp_handle_error(.Call('_torch_cpp_tensor_load', PACKAGE = 'torchpkg', s)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_load', PACKAGE = 'torchpkg', s)))))) } cpp_torch_scalar <- function(x) { - cpp_handle_error(.Call('_torch_cpp_torch_scalar', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_scalar', PACKAGE = 'torchpkg', x)))))) } cpp_torch_scalar_dtype <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_scalar_dtype', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_scalar_dtype', PACKAGE = 'torchpkg', self)))))) } cpp_torch_scalar_to_int <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_scalar_to_int', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_scalar_to_int', PACKAGE = 'torchpkg', self)))))) } cpp_torch_scalar_to_double <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_scalar_to_double', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_scalar_to_double', PACKAGE = 'torchpkg', self)))))) } cpp_torch_scalar_to_float <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_scalar_to_float', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_scalar_to_float', PACKAGE = 'torchpkg', self)))))) } cpp_torch_scalar_to_bool <- function(self) { - cpp_handle_error(.Call('_torch_cpp_torch_scalar_to_bool', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_scalar_to_bool', PACKAGE = 'torchpkg', self)))))) } cpp_Tensor_storage <- function(self) { - cpp_handle_error(.Call('_torch_cpp_Tensor_storage', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_Tensor_storage', PACKAGE = 'torchpkg', self)))))) } cpp_Tensor_has_storage <- function(self) { - cpp_handle_error(.Call('_torch_cpp_Tensor_has_storage', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_Tensor_has_storage', PACKAGE = 'torchpkg', self)))))) } cpp_Storage_data_ptr <- function(self) { - cpp_handle_error(.Call('_torch_cpp_Storage_data_ptr', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_Storage_data_ptr', PACKAGE = 'torchpkg', self)))))) } cpp_torch_tensor_print <- function(x) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_tensor_print', PACKAGE = 'torchpkg', x))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor_print', PACKAGE = 'torchpkg', x))))))) } cpp_torch_tensor_dtype <- function(x) { - cpp_handle_error(.Call('_torch_cpp_torch_tensor_dtype', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor_dtype', PACKAGE = 'torchpkg', x)))))) } cpp_torch_tensor <- function(x, dim, options, requires_grad) { - cpp_handle_error(.Call('_torch_cpp_torch_tensor', PACKAGE = 'torchpkg', x, dim, options, requires_grad)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor', PACKAGE = 'torchpkg', x, dim, options, requires_grad)))))) } cpp_as_array <- function(x) { - cpp_handle_error(.Call('_torch_cpp_as_array', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_as_array', PACKAGE = 'torchpkg', x)))))) } cpp_tensor_dim <- function(x) { - cpp_handle_error(.Call('_torch_cpp_tensor_dim', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_dim', PACKAGE = 'torchpkg', x)))))) } cpp_tensor_numel <- function(x) { - cpp_handle_error(.Call('_torch_cpp_tensor_numel', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_numel', PACKAGE = 'torchpkg', x)))))) } cpp_tensor_device <- function(self) { - cpp_handle_error(.Call('_torch_cpp_tensor_device', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_device', PACKAGE = 'torchpkg', self)))))) } cpp_tensor_is_undefined <- function(self) { - cpp_handle_error(.Call('_torch_cpp_tensor_is_undefined', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_is_undefined', PACKAGE = 'torchpkg', self)))))) } cpp_tensor_is_contiguous <- function(self) { - cpp_handle_error(.Call('_torch_cpp_tensor_is_contiguous', PACKAGE = 'torchpkg', self)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_is_contiguous', PACKAGE = 'torchpkg', self)))))) } cpp_torch_tensor_list <- function(x) { - cpp_handle_error(.Call('_torch_cpp_torch_tensor_list', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor_list', PACKAGE = 'torchpkg', x)))))) } cpp_tensor_list_to_r_list <- function(x) { - cpp_handle_error(.Call('_torch_cpp_tensor_list_to_r_list', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_list_to_r_list', PACKAGE = 'torchpkg', x)))))) } cpp_torch_tensor_options <- function(dtype_ptr, layout_ptr, device_ptr, requires_grad, pinned_memory) { - cpp_handle_error(.Call('_torch_cpp_torch_tensor_options', PACKAGE = 'torchpkg', dtype_ptr, layout_ptr, device_ptr, requires_grad, pinned_memory)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor_options', PACKAGE = 'torchpkg', dtype_ptr, layout_ptr, device_ptr, requires_grad, pinned_memory)))))) } cpp_torch_tensor_options_print <- function(x) { - invisible(cpp_handle_error(.Call('_torch_cpp_torch_tensor_options_print', PACKAGE = 'torchpkg', x))) + invisible(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_tensor_options_print', PACKAGE = 'torchpkg', x))))))) } cpp_nullptr <- function() { - cpp_handle_error(.Call('_torch_cpp_nullptr', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_nullptr', PACKAGE = 'torchpkg')))))) } cpp_nullopt <- function() { - cpp_handle_error(.Call('_torch_cpp_nullopt', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_nullopt', PACKAGE = 'torchpkg')))))) } cpp_optional_int64_t <- function(x) { - cpp_handle_error(.Call('_torch_cpp_optional_int64_t', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_optional_int64_t', PACKAGE = 'torchpkg', x)))))) } cpp_tensor_undefined <- function() { - cpp_handle_error(.Call('_torch_cpp_tensor_undefined', PACKAGE = 'torchpkg')) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_tensor_undefined', PACKAGE = 'torchpkg')))))) } cpp_clean_names <- function(x, r) { - cpp_handle_error(.Call('_torch_cpp_clean_names', PACKAGE = 'torchpkg', x, r)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_clean_names', PACKAGE = 'torchpkg', x, r)))))) } cpp_suffix <- function(arg_names, arg_types) { - cpp_handle_error(.Call('_torch_cpp_suffix', PACKAGE = 'torchpkg', arg_names, arg_types)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_suffix', PACKAGE = 'torchpkg', arg_names, arg_types)))))) } cpp_make_function_name <- function(method_name, arg_names, arg_types, type, remove_characters) { - cpp_handle_error(.Call('_torch_cpp_make_function_name', PACKAGE = 'torchpkg', method_name, arg_names, arg_types, type, remove_characters)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_make_function_name', PACKAGE = 'torchpkg', method_name, arg_names, arg_types, type, remove_characters)))))) } cpp_torch_variable_list <- function(x) { - cpp_handle_error(.Call('_torch_cpp_torch_variable_list', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_torch_variable_list', PACKAGE = 'torchpkg', x)))))) } cpp_variable_list_to_r_list <- function(x) { - cpp_handle_error(.Call('_torch_cpp_variable_list_to_r_list', PACKAGE = 'torchpkg', x)) + cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(cpp_handle_error(.Call('_torch_cpp_variable_list_to_r_list', PACKAGE = 'torchpkg', x)))))) } diff --git a/_pkgdown.yml b/_pkgdown.yml index 4258dd991..c3c59fbe1 100644 --- a/_pkgdown.yml +++ b/_pkgdown.yml @@ -11,10 +11,14 @@ navbar: articles: text: Articles menu: + - text: Tensors - text: Creating tensors href: articles/tensor-creation.html - text: Indexing href: articles/indexing.html + - text: Datasets + - text: Loading Data + href: articles/loading-data.html - text: Autograd - text: Using autograd href: articles/using-autograd.html diff --git a/docs/404.html b/docs/404.html index 2b3f4a34c..f5ebecd90 100644 --- a/docs/404.html +++ b/docs/404.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -53,7 +57,7 @@ - +
+ +
@@ -158,7 +173,7 @@ Content not found. Please use links in the navbar.
-

Site built with pkgdown 1.4.1.9000.

+

Site built with pkgdown 1.5.1.

diff --git a/docs/CONTRIBUTING.html b/docs/CONTRIBUTING.html index 343624213..fb4f3fe2c 100644 --- a/docs/CONTRIBUTING.html +++ b/docs/CONTRIBUTING.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -53,7 +57,7 @@ - +
+ +
@@ -189,7 +204,7 @@
-

Site built with pkgdown 1.4.1.9000.

+

Site built with pkgdown 1.5.1.

diff --git a/docs/LICENSE-text.html b/docs/LICENSE-text.html index 93c6d9860..d76fe4f15 100644 --- a/docs/LICENSE-text.html +++ b/docs/LICENSE-text.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -53,7 +57,7 @@ - +
+ +
@@ -160,7 +175,7 @@ COPYRIGHT HOLDER: Daniel Falbel
-

Site built with pkgdown 1.4.1.9000.

+

Site built with pkgdown 1.5.1.

diff --git a/docs/LICENSE.html b/docs/LICENSE.html index f83ef9755..70b0160ec 100644 --- a/docs/LICENSE.html +++ b/docs/LICENSE.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -53,7 +57,7 @@ - +
+ +
@@ -164,7 +179,7 @@
-

Site built with pkgdown 1.4.1.9000.

+

Site built with pkgdown 1.5.1.

diff --git a/docs/articles/examples/mnist-cnn.html b/docs/articles/examples/mnist-cnn.html index f296ba0c2..ec0dd5aa5 100644 --- a/docs/articles/examples/mnist-cnn.html +++ b/docs/articles/examples/mnist-cnn.html @@ -6,19 +6,19 @@ mnist-cnn • torch - - - - + + + + + - - + - +
+
-
-

Site built with pkgdown 1.4.1.9000.

+

Site built with pkgdown 1.5.1.

diff --git a/docs/articles/examples/mnist-cnn_files/accessible-code-block-0.0.1/empty-anchor.js b/docs/articles/examples/mnist-cnn_files/accessible-code-block-0.0.1/empty-anchor.js new file mode 100644 index 000000000..ca349fd6a --- /dev/null +++ b/docs/articles/examples/mnist-cnn_files/accessible-code-block-0.0.1/empty-anchor.js @@ -0,0 +1,15 @@ +// Hide empty tag within highlighted CodeBlock for screen reader accessibility (see https://github.com/jgm/pandoc/issues/6352#issuecomment-626106786) --> +// v0.0.1 +// Written by JooYoung Seo (jooyoung@psu.edu) and Atsushi Yasumoto on June 1st, 2020. + +document.addEventListener('DOMContentLoaded', function() { + const codeList = document.getElementsByClassName("sourceCode"); + for (var i = 0; i < codeList.length; i++) { + var linkList = codeList[i].getElementsByTagName('a'); + for (var j = 0; j < linkList.length; j++) { + if (linkList[j].innerHTML === "") { + linkList[j].setAttribute('aria-hidden', 'true'); + } + } + } +}); diff --git a/docs/articles/examples/mnist-mlp.html b/docs/articles/examples/mnist-mlp.html index ed0ec0780..eb229a6d0 100644 --- a/docs/articles/examples/mnist-mlp.html +++ b/docs/articles/examples/mnist-mlp.html @@ -6,19 +6,19 @@ mnist-mlp • torch - - - - + + + + + - - + - +
+
-
-

Site built with pkgdown 1.4.1.9000.

+

Site built with pkgdown 1.5.1.

diff --git a/docs/articles/examples/mnist-mlp_files/accessible-code-block-0.0.1/empty-anchor.js b/docs/articles/examples/mnist-mlp_files/accessible-code-block-0.0.1/empty-anchor.js new file mode 100644 index 000000000..ca349fd6a --- /dev/null +++ b/docs/articles/examples/mnist-mlp_files/accessible-code-block-0.0.1/empty-anchor.js @@ -0,0 +1,15 @@ +// Hide empty tag within highlighted CodeBlock for screen reader accessibility (see https://github.com/jgm/pandoc/issues/6352#issuecomment-626106786) --> +// v0.0.1 +// Written by JooYoung Seo (jooyoung@psu.edu) and Atsushi Yasumoto on June 1st, 2020. + +document.addEventListener('DOMContentLoaded', function() { + const codeList = document.getElementsByClassName("sourceCode"); + for (var i = 0; i < codeList.length; i++) { + var linkList = codeList[i].getElementsByTagName('a'); + for (var j = 0; j < linkList.length; j++) { + if (linkList[j].innerHTML === "") { + linkList[j].setAttribute('aria-hidden', 'true'); + } + } + } +}); diff --git a/docs/articles/extending-autograd.html b/docs/articles/extending-autograd.html index 1abf4882f..ddb8808ea 100644 --- a/docs/articles/extending-autograd.html +++ b/docs/articles/extending-autograd.html @@ -6,19 +6,19 @@ Extending Autograd • torch - - - - + + + + + - - + - +
+
- @@ -210,7 +209,7 @@
-

Site built with pkgdown 1.4.1.9000.

+

Site built with pkgdown 1.5.1.

diff --git a/docs/articles/extending-autograd_files/accessible-code-block-0.0.1/empty-anchor.js b/docs/articles/extending-autograd_files/accessible-code-block-0.0.1/empty-anchor.js new file mode 100644 index 000000000..ca349fd6a --- /dev/null +++ b/docs/articles/extending-autograd_files/accessible-code-block-0.0.1/empty-anchor.js @@ -0,0 +1,15 @@ +// Hide empty tag within highlighted CodeBlock for screen reader accessibility (see https://github.com/jgm/pandoc/issues/6352#issuecomment-626106786) --> +// v0.0.1 +// Written by JooYoung Seo (jooyoung@psu.edu) and Atsushi Yasumoto on June 1st, 2020. + +document.addEventListener('DOMContentLoaded', function() { + const codeList = document.getElementsByClassName("sourceCode"); + for (var i = 0; i < codeList.length; i++) { + var linkList = codeList[i].getElementsByTagName('a'); + for (var j = 0; j < linkList.length; j++) { + if (linkList[j].innerHTML === "") { + linkList[j].setAttribute('aria-hidden', 'true'); + } + } + } +}); diff --git a/docs/articles/index.html b/docs/articles/index.html index 0a435f738..468ac9d9a 100644 --- a/docs/articles/index.html +++ b/docs/articles/index.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -53,7 +57,7 @@ - +
@@ -167,7 +184,7 @@
-

Site built with pkgdown 1.4.1.9000.

+

Site built with pkgdown 1.5.1.

diff --git a/docs/articles/indexing.html b/docs/articles/indexing.html index 4bb3189e2..6f0e5886f 100644 --- a/docs/articles/indexing.html +++ b/docs/articles/indexing.html @@ -6,19 +6,19 @@ Indexing tensors • torch - - - - + + + + + - - + - +
+
-

Site built with pkgdown 1.4.1.9000.

+

Site built with pkgdown 1.5.1.

diff --git a/docs/articles/indexing_files/accessible-code-block-0.0.1/empty-anchor.js b/docs/articles/indexing_files/accessible-code-block-0.0.1/empty-anchor.js new file mode 100644 index 000000000..ca349fd6a --- /dev/null +++ b/docs/articles/indexing_files/accessible-code-block-0.0.1/empty-anchor.js @@ -0,0 +1,15 @@ +// Hide empty tag within highlighted CodeBlock for screen reader accessibility (see https://github.com/jgm/pandoc/issues/6352#issuecomment-626106786) --> +// v0.0.1 +// Written by JooYoung Seo (jooyoung@psu.edu) and Atsushi Yasumoto on June 1st, 2020. + +document.addEventListener('DOMContentLoaded', function() { + const codeList = document.getElementsByClassName("sourceCode"); + for (var i = 0; i < codeList.length; i++) { + var linkList = codeList[i].getElementsByTagName('a'); + for (var j = 0; j < linkList.length; j++) { + if (linkList[j].innerHTML === "") { + linkList[j].setAttribute('aria-hidden', 'true'); + } + } + } +}); diff --git a/docs/articles/loading-data.html b/docs/articles/loading-data.html new file mode 100644 index 000000000..3654c0585 --- /dev/null +++ b/docs/articles/loading-data.html @@ -0,0 +1,335 @@ + + + + + + + +Loading data • torch + + + + + + + + + + +
+
+ + + + +
+
+ + + + +
library(torch)
+
+

+Datasets and data loaders

+

Central to data ingestion and preprocessing are datasets and data loaders.

+

torch comes equipped with a bag of datasets related to, mostly, image recognition and natural language processing (e.g., mnist_dataset()), which can be iterated over by means of dataloaders:

+
# ...
+ds <- mnist_dataset(
+  dir, 
+  download = TRUE, 
+  transform = function(x) {
+    x <- x$to(dtype = torch_float())/256
+    x[newaxis,..]
+  }
+)
+
+dl <- dataloader(ds, batch_size = 32, shuffle = TRUE)
+
+for (b in enumerate(dl)) {
+  # ...
+

Cf. vignettes/examples/mnist-cnn.R for a complete example.

+

What if you want to train on a different dataset? In these cases, you subclass Dataset, an abstract container that needs to know how to iterate over the given data. To that purpose, your subclass needs to implement .getitem(), and say what should be returned when the data loader is asking for the next batch.

+

In .getitem(), you can implement whatever preprocessing you require. Additionally, you should implement .length(), so users can find out how many items there are in the dataset.

+

While this may sound complicated, it is not at all. The base logic is straightforward – complexity will, naturally, correlate with how involved your preprocessing is. To provide you with a simple but functional prototype, here we show how to create your own dataset to train on Allison Horst's penguins.

+
+
+

+A custom dataset

+
library(palmerpenguins)
+library(magrittr)
+
+penguins
+#> # A tibble: 344 x 7
+#>    species island bill_length_mm bill_depth_mm flipper_length_… body_mass_g
+#>    <fct>   <fct>           <dbl>         <dbl>            <int>       <int>
+#>  1 Adelie  Torge…           39.1          18.7              181        3750
+#>  2 Adelie  Torge…           39.5          17.4              186        3800
+#>  3 Adelie  Torge…           40.3          18                195        3250
+#>  4 Adelie  Torge…           NA            NA                 NA          NA
+#>  5 Adelie  Torge…           36.7          19.3              193        3450
+#>  6 Adelie  Torge…           39.3          20.6              190        3650
+#>  7 Adelie  Torge…           38.9          17.8              181        3625
+#>  8 Adelie  Torge…           39.2          19.6              195        4675
+#>  9 Adelie  Torge…           34.1          18.1              193        3475
+#> 10 Adelie  Torge…           42            20.2              190        4250
+#> # … with 334 more rows, and 1 more variable: sex <fct>
+

Datasets are R6 classes created using the dataset() constructor. You can pass a name and various member functions. Among those should be initialize(), to create instance variables, .getitem(), to indicate how the data should be returned, and .length(), to say how many items we have.

+

In addition, any number of helper functions can be defined.

+

Here, we assume the penguins have already been loaded, and all preprocessing consists in removing lines with NA values, transforming factors to numbers starting from 0, and converting from R data types to torch tensors.

+

In .getitem, we essentially decide how this data is going to be used: All variables besides species go into x, the predictor, and species will constitute y, the target. Predictor and target are returned in a list, to be accessed as batch[[1]] and batch[[2]] during training.

+
penguins_dataset <- dataset(
+
+  name = "penguins_dataset",
+
+  initialize = function() {
+    self$data <- self$prepare_penguin_data()
+  },
+
+  .getitem = function(index) {
+
+    # tbd replace following https://github.com/mlverse/torch/issues/135
+    x <- self$data[index, 2:N]
+    y <- self$data[index, 1]$to(torch_long())
+
+    list(x, y)
+  },
+
+  .length = function() {
+    self$data$size()[[1]]
+  },
+
+  prepare_penguin_data = function() {
+
+    input <- na.omit(penguins)
+    # conveniently, the categorical data are already factors
+    input$species <- as.numeric(input$species) - 1
+    input$island <- as.numeric(input$island) - 1
+    input$sex <- as.numeric(input$sex) - 1
+
+    input <- as.matrix(input)
+    torch_tensor(input)
+  }
+)
+

Let’s create the dataset , query for it’s length, and look at its first item:

+
tuxes <- penguins_dataset()
+tuxes$.length()
+#> [1] 333
+tuxes$.getitem(1)
+#> [[1]]
+#> torch_tensor 
+#>     2.0000
+#>    39.1000
+#>    18.7000
+#>   181.0000
+#>  3750.0000
+#>     1.0000
+#> [ CPUFloatType{6} ]
+#> 
+#> [[2]]
+#> torch_tensor 
+#> 0
+#> [ CPULongType{} ]
+

To be able to iterate over tuxes, we need a data loader (we override the default batch size of 1):

+
dl <-tuxes %>% dataloader(batch_size = 8)
+

Calling .length() on a data loader (as opposed to a dataset) will return the number of batches we have:

+
dl$.length()
+#> [1] 42
+

And we can create an iterator to inspect the first batch:

+
iter <- dl$.iter()
+b <- iter$.next()
+b
+#> [[1]]
+#> torch_tensor 
+#>     2.0000    39.1000    18.7000   181.0000  3750.0000     1.0000
+#>     2.0000    39.5000    17.4000   186.0000  3800.0000     0.0000
+#>     2.0000    40.3000    18.0000   195.0000  3250.0000     0.0000
+#>     2.0000    36.7000    19.3000   193.0000  3450.0000     0.0000
+#>     2.0000    39.3000    20.6000   190.0000  3650.0000     1.0000
+#>     2.0000    38.9000    17.8000   181.0000  3625.0000     0.0000
+#>     2.0000    39.2000    19.6000   195.0000  4675.0000     1.0000
+#>     2.0000    41.1000    17.6000   182.0000  3200.0000     0.0000
+#> [ CPUFloatType{8,6} ]
+#> 
+#> [[2]]
+#> torch_tensor 
+#>  0
+#>  0
+#>  0
+#>  0
+#>  0
+#>  0
+#>  0
+#>  0
+#> [ CPULongType{8} ]
+

To train a network, we can use enumerate to iterate over batches.

+
+
+

+Training with data loaders

+

Our example network is very simple. (In reality, we would want to treat island as the categorical variable it is, and either one-hot-encode or embed it.)

+
net <- nn_module(
+  "PenguinNet",
+  initialize = function() {
+    self$fc1 <- nn_linear(6, 32)
+    self$fc2 <- nn_linear(32, 3)
+  },
+  forward = function(x) {
+    x %>%
+      self$fc1() %>%
+      nnf_relu() %>%
+      self$fc2() %>%
+      nnf_log_softmax(dim = 1)
+  }
+)
+
+model <- net()
+

We still need an optimizer:

+
optimizer <- optim_sgd(model$parameters, lr = 0.01)
+

And we’re ready to train:

+
for (epoch in 1:10) {
+
+  l <- c()
+
+  for (b in enumerate(dl)) {
+    optimizer$zero_grad()
+    output <- model(b[[1]])
+    loss <- nnf_nll_loss(output, b[[2]])
+    loss$backward()
+    optimizer$step()
+    l <- c(l, loss$item())
+  }
+
+  cat(sprintf("Loss at epoch %d: %3f\n", epoch, mean(l)))
+}
+#> Loss at epoch 1: 15131.174536
+#> Loss at epoch 2: 1.096939
+#> Loss at epoch 3: 1.089476
+#> Loss at epoch 4: 1.083687
+#> Loss at epoch 5: 1.079173
+#> Loss at epoch 6: 1.075634
+#> Loss at epoch 7: 1.072847
+#> Loss at epoch 8: 1.070639
+#> Loss at epoch 9: 1.068882
+#> Loss at epoch 10: 1.067477
+
+
+ + + +
+ + + +
+ +
+

Site built with pkgdown 1.5.1.

+
+ +
+
+ + + + + + diff --git a/docs/articles/loading-data_files/accessible-code-block-0.0.1/empty-anchor.js b/docs/articles/loading-data_files/accessible-code-block-0.0.1/empty-anchor.js new file mode 100644 index 000000000..ca349fd6a --- /dev/null +++ b/docs/articles/loading-data_files/accessible-code-block-0.0.1/empty-anchor.js @@ -0,0 +1,15 @@ +// Hide empty tag within highlighted CodeBlock for screen reader accessibility (see https://github.com/jgm/pandoc/issues/6352#issuecomment-626106786) --> +// v0.0.1 +// Written by JooYoung Seo (jooyoung@psu.edu) and Atsushi Yasumoto on June 1st, 2020. + +document.addEventListener('DOMContentLoaded', function() { + const codeList = document.getElementsByClassName("sourceCode"); + for (var i = 0; i < codeList.length; i++) { + var linkList = codeList[i].getElementsByTagName('a'); + for (var j = 0; j < linkList.length; j++) { + if (linkList[j].innerHTML === "") { + linkList[j].setAttribute('aria-hidden', 'true'); + } + } + } +}); diff --git a/docs/articles/tensor-creation.html b/docs/articles/tensor-creation.html index f1e5578e2..8c1bfa3d1 100644 --- a/docs/articles/tensor-creation.html +++ b/docs/articles/tensor-creation.html @@ -6,19 +6,19 @@ Creating tensors • torch - - - - + + + + + - - + - +
+
-

Site built with pkgdown 1.4.1.9000.

+

Site built with pkgdown 1.5.1.

diff --git a/docs/articles/tensor-creation_files/accessible-code-block-0.0.1/empty-anchor.js b/docs/articles/tensor-creation_files/accessible-code-block-0.0.1/empty-anchor.js new file mode 100644 index 000000000..ca349fd6a --- /dev/null +++ b/docs/articles/tensor-creation_files/accessible-code-block-0.0.1/empty-anchor.js @@ -0,0 +1,15 @@ +// Hide empty tag within highlighted CodeBlock for screen reader accessibility (see https://github.com/jgm/pandoc/issues/6352#issuecomment-626106786) --> +// v0.0.1 +// Written by JooYoung Seo (jooyoung@psu.edu) and Atsushi Yasumoto on June 1st, 2020. + +document.addEventListener('DOMContentLoaded', function() { + const codeList = document.getElementsByClassName("sourceCode"); + for (var i = 0; i < codeList.length; i++) { + var linkList = codeList[i].getElementsByTagName('a'); + for (var j = 0; j < linkList.length; j++) { + if (linkList[j].innerHTML === "") { + linkList[j].setAttribute('aria-hidden', 'true'); + } + } + } +}); diff --git a/docs/articles/using-autograd.html b/docs/articles/using-autograd.html index bcbdb802a..1e9c88132 100644 --- a/docs/articles/using-autograd.html +++ b/docs/articles/using-autograd.html @@ -6,19 +6,19 @@ Using autograd • torch - - - - + + + + + - - + - +
+
- @@ -306,7 +305,7 @@
-

Site built with pkgdown 1.4.1.9000.

+

Site built with pkgdown 1.5.1.

diff --git a/docs/articles/using-autograd_files/accessible-code-block-0.0.1/empty-anchor.js b/docs/articles/using-autograd_files/accessible-code-block-0.0.1/empty-anchor.js new file mode 100644 index 000000000..ca349fd6a --- /dev/null +++ b/docs/articles/using-autograd_files/accessible-code-block-0.0.1/empty-anchor.js @@ -0,0 +1,15 @@ +// Hide empty tag within highlighted CodeBlock for screen reader accessibility (see https://github.com/jgm/pandoc/issues/6352#issuecomment-626106786) --> +// v0.0.1 +// Written by JooYoung Seo (jooyoung@psu.edu) and Atsushi Yasumoto on June 1st, 2020. + +document.addEventListener('DOMContentLoaded', function() { + const codeList = document.getElementsByClassName("sourceCode"); + for (var i = 0; i < codeList.length; i++) { + var linkList = codeList[i].getElementsByTagName('a'); + for (var j = 0; j < linkList.length; j++) { + if (linkList[j].innerHTML === "") { + linkList[j].setAttribute('aria-hidden', 'true'); + } + } + } +}); diff --git a/docs/authors.html b/docs/authors.html index 8d0b2677a..bdee20dfd 100644 --- a/docs/authors.html +++ b/docs/authors.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -53,7 +57,7 @@ - +
-

Site built with pkgdown 1.4.1.9000.

+

Site built with pkgdown 1.5.1.

diff --git a/docs/bootstrap-toc.css b/docs/bootstrap-toc.css new file mode 100644 index 000000000..5a859415c --- /dev/null +++ b/docs/bootstrap-toc.css @@ -0,0 +1,60 @@ +/*! + * Bootstrap Table of Contents v0.4.1 (http://afeld.github.io/bootstrap-toc/) + * Copyright 2015 Aidan Feldman + * Licensed under MIT (https://github.com/afeld/bootstrap-toc/blob/gh-pages/LICENSE.md) */ + +/* modified from https://github.com/twbs/bootstrap/blob/94b4076dd2efba9af71f0b18d4ee4b163aa9e0dd/docs/assets/css/src/docs.css#L548-L601 */ + +/* All levels of nav */ +nav[data-toggle='toc'] .nav > li > a { + display: block; + padding: 4px 20px; + font-size: 13px; + font-weight: 500; + color: #767676; +} +nav[data-toggle='toc'] .nav > li > a:hover, +nav[data-toggle='toc'] .nav > li > a:focus { + padding-left: 19px; + color: #563d7c; + text-decoration: none; + background-color: transparent; + border-left: 1px solid #563d7c; +} +nav[data-toggle='toc'] .nav > .active > a, +nav[data-toggle='toc'] .nav > .active:hover > a, +nav[data-toggle='toc'] .nav > .active:focus > a { + padding-left: 18px; + font-weight: bold; + color: #563d7c; + background-color: transparent; + border-left: 2px solid #563d7c; +} + +/* Nav: second level (shown on .active) */ +nav[data-toggle='toc'] .nav .nav { + display: none; /* Hide by default, but at >768px, show it */ + padding-bottom: 10px; +} +nav[data-toggle='toc'] .nav .nav > li > a { + padding-top: 1px; + padding-bottom: 1px; + padding-left: 30px; + font-size: 12px; + font-weight: normal; +} +nav[data-toggle='toc'] .nav .nav > li > a:hover, +nav[data-toggle='toc'] .nav .nav > li > a:focus { + padding-left: 29px; +} +nav[data-toggle='toc'] .nav .nav > .active > a, +nav[data-toggle='toc'] .nav .nav > .active:hover > a, +nav[data-toggle='toc'] .nav .nav > .active:focus > a { + padding-left: 28px; + font-weight: 500; +} + +/* from https://github.com/twbs/bootstrap/blob/e38f066d8c203c3e032da0ff23cd2d6098ee2dd6/docs/assets/css/src/docs.css#L631-L634 */ +nav[data-toggle='toc'] .nav > .active > ul { + display: block; +} diff --git a/docs/bootstrap-toc.js b/docs/bootstrap-toc.js new file mode 100644 index 000000000..1cdd573b2 --- /dev/null +++ b/docs/bootstrap-toc.js @@ -0,0 +1,159 @@ +/*! + * Bootstrap Table of Contents v0.4.1 (http://afeld.github.io/bootstrap-toc/) + * Copyright 2015 Aidan Feldman + * Licensed under MIT (https://github.com/afeld/bootstrap-toc/blob/gh-pages/LICENSE.md) */ +(function() { + 'use strict'; + + window.Toc = { + helpers: { + // return all matching elements in the set, or their descendants + findOrFilter: function($el, selector) { + // http://danielnouri.org/notes/2011/03/14/a-jquery-find-that-also-finds-the-root-element/ + // http://stackoverflow.com/a/12731439/358804 + var $descendants = $el.find(selector); + return $el.filter(selector).add($descendants).filter(':not([data-toc-skip])'); + }, + + generateUniqueIdBase: function(el) { + var text = $(el).text(); + var anchor = text.trim().toLowerCase().replace(/[^A-Za-z0-9]+/g, '-'); + return anchor || el.tagName.toLowerCase(); + }, + + generateUniqueId: function(el) { + var anchorBase = this.generateUniqueIdBase(el); + for (var i = 0; ; i++) { + var anchor = anchorBase; + if (i > 0) { + // add suffix + anchor += '-' + i; + } + // check if ID already exists + if (!document.getElementById(anchor)) { + return anchor; + } + } + }, + + generateAnchor: function(el) { + if (el.id) { + return el.id; + } else { + var anchor = this.generateUniqueId(el); + el.id = anchor; + return anchor; + } + }, + + createNavList: function() { + return $(''); + }, + + createChildNavList: function($parent) { + var $childList = this.createNavList(); + $parent.append($childList); + return $childList; + }, + + generateNavEl: function(anchor, text) { + var $a = $(''); + $a.attr('href', '#' + anchor); + $a.text(text); + var $li = $('
  • '); + $li.append($a); + return $li; + }, + + generateNavItem: function(headingEl) { + var anchor = this.generateAnchor(headingEl); + var $heading = $(headingEl); + var text = $heading.data('toc-text') || $heading.text(); + return this.generateNavEl(anchor, text); + }, + + // Find the first heading level (`

    `, then `

    `, etc.) that has more than one element. Defaults to 1 (for `

    `). + getTopLevel: function($scope) { + for (var i = 1; i <= 6; i++) { + var $headings = this.findOrFilter($scope, 'h' + i); + if ($headings.length > 1) { + return i; + } + } + + return 1; + }, + + // returns the elements for the top level, and the next below it + getHeadings: function($scope, topLevel) { + var topSelector = 'h' + topLevel; + + var secondaryLevel = topLevel + 1; + var secondarySelector = 'h' + secondaryLevel; + + return this.findOrFilter($scope, topSelector + ',' + secondarySelector); + }, + + getNavLevel: function(el) { + return parseInt(el.tagName.charAt(1), 10); + }, + + populateNav: function($topContext, topLevel, $headings) { + var $context = $topContext; + var $prevNav; + + var helpers = this; + $headings.each(function(i, el) { + var $newNav = helpers.generateNavItem(el); + var navLevel = helpers.getNavLevel(el); + + // determine the proper $context + if (navLevel === topLevel) { + // use top level + $context = $topContext; + } else if ($prevNav && $context === $topContext) { + // create a new level of the tree and switch to it + $context = helpers.createChildNavList($prevNav); + } // else use the current $context + + $context.append($newNav); + + $prevNav = $newNav; + }); + }, + + parseOps: function(arg) { + var opts; + if (arg.jquery) { + opts = { + $nav: arg + }; + } else { + opts = arg; + } + opts.$scope = opts.$scope || $(document.body); + return opts; + } + }, + + // accepts a jQuery object, or an options object + init: function(opts) { + opts = this.helpers.parseOps(opts); + + // ensure that the data attribute is in place for styling + opts.$nav.attr('data-toggle', 'toc'); + + var $topContext = this.helpers.createChildNavList(opts.$nav); + var topLevel = this.helpers.getTopLevel(opts.$scope); + var $headings = this.helpers.getHeadings(opts.$scope, topLevel); + this.helpers.populateNav($topContext, topLevel, $headings); + } + }; + + $(function() { + $('nav[data-toggle="toc"]').each(function(i, el) { + var $nav = $(el); + Toc.init($nav); + }); + }); +})(); diff --git a/docs/index.html b/docs/index.html index 4c867e0ee..2e7d5de68 100644 --- a/docs/index.html +++ b/docs/index.html @@ -6,20 +6,20 @@ Tensors and Neural Networks with GPU Acceleration • torch - - - - + + + + + - - +
    @@ -245,7 +256,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/pkgdown.css b/docs/pkgdown.css index 914595810..c01e5923b 100644 --- a/docs/pkgdown.css +++ b/docs/pkgdown.css @@ -17,6 +17,10 @@ html, body { height: 100%; } +body { + position: relative; +} + body > .container { display: flex; height: 100%; @@ -67,6 +71,10 @@ summary { margin-top: calc(-60px + 1em); } +dd { + margin-left: 3em; +} + /* Section anchors ---------------------------------*/ a.anchor { @@ -100,29 +108,132 @@ a.anchor { margin-top: -40px; } +/* Navbar submenu --------------------------*/ + +.dropdown-submenu { + position: relative; +} + +.dropdown-submenu>.dropdown-menu { + top: 0; + left: 100%; + margin-top: -6px; + margin-left: -1px; + border-radius: 0 6px 6px 6px; +} + +.dropdown-submenu:hover>.dropdown-menu { + display: block; +} + +.dropdown-submenu>a:after { + display: block; + content: " "; + float: right; + width: 0; + height: 0; + border-color: transparent; + border-style: solid; + border-width: 5px 0 5px 5px; + border-left-color: #cccccc; + margin-top: 5px; + margin-right: -10px; +} + +.dropdown-submenu:hover>a:after { + border-left-color: #ffffff; +} + +.dropdown-submenu.pull-left { + float: none; +} + +.dropdown-submenu.pull-left>.dropdown-menu { + left: -100%; + margin-left: 10px; + border-radius: 6px 0 6px 6px; +} + /* Sidebar --------------------------*/ -#sidebar { +#pkgdown-sidebar { margin-top: 30px; position: -webkit-sticky; position: sticky; top: 70px; } -#sidebar h2 { + +#pkgdown-sidebar h2 { font-size: 1.5em; margin-top: 1em; } -#sidebar h2:first-child { +#pkgdown-sidebar h2:first-child { margin-top: 0; } -#sidebar .list-unstyled li { +#pkgdown-sidebar .list-unstyled li { margin-bottom: 0.5em; } +/* bootstrap-toc tweaks ------------------------------------------------------*/ + +/* All levels of nav */ + +nav[data-toggle='toc'] .nav > li > a { + padding: 4px 20px 4px 6px; + font-size: 1.5rem; + font-weight: 400; + color: inherit; +} + +nav[data-toggle='toc'] .nav > li > a:hover, +nav[data-toggle='toc'] .nav > li > a:focus { + padding-left: 5px; + color: inherit; + border-left: 1px solid #878787; +} + +nav[data-toggle='toc'] .nav > .active > a, +nav[data-toggle='toc'] .nav > .active:hover > a, +nav[data-toggle='toc'] .nav > .active:focus > a { + padding-left: 5px; + font-size: 1.5rem; + font-weight: 400; + color: inherit; + border-left: 2px solid #878787; +} + +/* Nav: second level (shown on .active) */ + +nav[data-toggle='toc'] .nav .nav { + display: none; /* Hide by default, but at >768px, show it */ + padding-bottom: 10px; +} + +nav[data-toggle='toc'] .nav .nav > li > a { + padding-left: 16px; + font-size: 1.35rem; +} + +nav[data-toggle='toc'] .nav .nav > li > a:hover, +nav[data-toggle='toc'] .nav .nav > li > a:focus { + padding-left: 15px; +} + +nav[data-toggle='toc'] .nav .nav > .active > a, +nav[data-toggle='toc'] .nav .nav > .active:hover > a, +nav[data-toggle='toc'] .nav .nav > .active:focus > a { + padding-left: 15px; + font-weight: 500; + font-size: 1.35rem; +} + +/* orcid ------------------------------------------------------------------- */ + .orcid { - height: 16px; + font-size: 16px; + color: #A6CE39; /* margins are required by official ORCID trademark and display guidelines */ margin-left:4px; margin-right:4px; diff --git a/docs/pkgdown.js b/docs/pkgdown.js index 087a76227..7e7048fae 100644 --- a/docs/pkgdown.js +++ b/docs/pkgdown.js @@ -9,11 +9,6 @@ $('body').css('padding-top', $('.navbar').height() + 10); }); - $('body').scrollspy({ - target: '#sidebar', - offset: 60 - }); - $('[data-toggle="tooltip"]').tooltip(); var cur_path = paths(location.pathname); diff --git a/docs/pkgdown.yml b/docs/pkgdown.yml index 4dacb3b91..9df148b2a 100644 --- a/docs/pkgdown.yml +++ b/docs/pkgdown.yml @@ -1,11 +1,13 @@ -pandoc: 2.9.2.1 -pkgdown: 1.4.1.9000 -pkgdown_sha: d01672efa3baa80fd7ab238b7143080b0daf49a4 +pandoc: 2.7.3 +pkgdown: 1.5.1 +pkgdown_sha: ~ articles: mnist-cnn: examples/mnist-cnn.html mnist-mlp: examples/mnist-mlp.html extending-autograd: extending-autograd.html indexing: indexing.html + loading-data: loading-data.html tensor-creation: tensor-creation.html using-autograd: using-autograd.html +last_built: 2020-07-02T19:07Z diff --git a/docs/reference/AutogradContext.html b/docs/reference/AutogradContext.html index c22c7bc2e..e56b0f8b6 100644 --- a/docs/reference/AutogradContext.html +++ b/docs/reference/AutogradContext.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ Class representing the context." /> - +
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/autograd_set_grad_mode.html b/docs/reference/autograd_set_grad_mode.html index 4984f605f..7ebb3d014 100644 --- a/docs/reference/autograd_set_grad_mode.html +++ b/docs/reference/autograd_set_grad_mode.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -181,7 +187,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/cuda_current_device.html b/docs/reference/cuda_current_device.html index 14a6aad88..b881917f1 100644 --- a/docs/reference/cuda_current_device.html +++ b/docs/reference/cuda_current_device.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -172,7 +179,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/cuda_device_count.html b/docs/reference/cuda_device_count.html index 15bca18e4..8362f8240 100644 --- a/docs/reference/cuda_device_count.html +++ b/docs/reference/cuda_device_count.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -172,7 +179,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/cuda_is_available.html b/docs/reference/cuda_is_available.html index c092c87ee..957b23903 100644 --- a/docs/reference/cuda_is_available.html +++ b/docs/reference/cuda_is_available.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -172,7 +179,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/dataloader.html b/docs/reference/dataloader.html index 43009b466..f4eb9fcea 100644 --- a/docs/reference/dataloader.html +++ b/docs/reference/dataloader.html @@ -11,23 +11,27 @@ single- or multi-process iterators over the dataset. — dataloader • torch - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ single- or multi-process iterators over the dataset. — dataloader • torch - @@ -58,7 +61,7 @@ single- or multi-process iterators over the dataset." /> - +
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_batch_norm2d.html b/docs/reference/nn_batch_norm2d.html new file mode 100644 index 000000000..55c31f096 --- /dev/null +++ b/docs/reference/nn_batch_norm2d.html @@ -0,0 +1,274 @@ + + + + + + + + +BatchNorm2D — nn_batch_norm2d • torch + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    +
    + + + + +
    + +
    +
    + + +
    +

    Applies Batch Normalization over a 4D input (a mini-batch of 2D inputs +additional channel dimension) as described in the paper +Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift.

    +
    + +
    nn_batch_norm2d(...)
    + +

    Arguments

    + + + + + + + + + + + + + + + + + + + + + + +
    num_features

    \(C\) from an expected input of size +\((N, C, H, W)\)

    eps

    a value added to the denominator for numerical stability. +Default: 1e-5

    momentum

    the value used for the running_mean and running_var +computation. Can be set to None for cumulative moving average +(i.e. simple average). Default: 0.1

    affine

    a boolean value that when set to TRUE, this module has +learnable affine parameters. Default: TRUE

    track_running_stats

    a boolean value that when set to TRUE, this +module tracks the running mean and variance, and when set to FALSE, +this module does not track such statistics and uses batch statistics instead +in both training and eval modes if the running mean and variance are None. +Default: TRUE

    + +

    Details

    + +

    $$ + y = \frac{x - \mathrm{E}[x]}{ \sqrt{\mathrm{Var}[x] + \epsilon}} * \gamma + \beta +$$

    +

    The mean and standard-deviation are calculated per-dimension over +the mini-batches and \(\gamma\) and \(\beta\) are learnable parameter vectors +of size C (where C is the input size). By default, the elements of \(\gamma\) are set +to 1 and the elements of \(\beta\) are set to 0. The standard-deviation is calculated +via the biased estimator, equivalent to torch_var(input, unbiased=FALSE). +Also by default, during training this layer keeps running estimates of its +computed mean and variance, which are then used for normalization during +evaluation. The running estimates are kept with a default momentum +of 0.1.

    +

    If track_running_stats is set to FALSE, this layer then does not +keep running estimates, and batch statistics are instead used during +evaluation time as well.

    +

    Note

    + +

    This momentum argument is different from one used in optimizer +classes and the conventional notion of momentum. Mathematically, the +update rule for running statistics here is +\(\hat{x}_\text{new} = (1 - \text{momentum}) \times \hat{x} + \text{momentum} \times x_t\), +where \(\hat{x}\) is the estimated statistic and \(x_t\) is the +new observed value. +Because the Batch Normalization is done over the C dimension, computing statistics +on (N, H, W) slices, it's common terminology to call this Spatial Batch Normalization.

    +

    Shape

    + + + +
      +
    • Input: \((N, C, H, W)\)

    • +
    • Output: \((N, C, H, W)\) (same shape as input)

    • +
    + + +

    Examples

    +
    # With Learnable Parameters +m <- nn_batch_norm2d(100) +# Without Learnable Parameters +m <- nn_batch_norm2d(100, affine=FALSE) +input <- torch_randn(20, 100, 35, 45) +output <- m(input)
    +
    + +
    + + +
    + + +
    +

    Site built with pkgdown 1.5.1.

    +
    + +
    +
    + + + + + + + + diff --git a/docs/reference/nn_bce_loss.html b/docs/reference/nn_bce_loss.html index 68fe32d5e..4bb253a33 100644 --- a/docs/reference/nn_bce_loss.html +++ b/docs/reference/nn_bce_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ between the target and the output:" /> - +
    - @@ -246,7 +249,7 @@ shape as input.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_bilinear.html b/docs/reference/nn_bilinear.html index 8dd5ef380..6f344c7d9 100644 --- a/docs/reference/nn_bilinear.html +++ b/docs/reference/nn_bilinear.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ - +
    #> [1] 128 50
    - @@ -234,7 +237,7 @@ If bias is TRUE, the values are initialized from
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_celu.html b/docs/reference/nn_celu.html index a018ce327..199874ea0 100644 --- a/docs/reference/nn_celu.html +++ b/docs/reference/nn_celu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -209,7 +212,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_conv1d.html b/docs/reference/nn_conv1d.html index 0b300db83..c55619842 100644 --- a/docs/reference/nn_conv1d.html +++ b/docs/reference/nn_conv1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -41,7 +45,6 @@ planes. In the simplest case, the output value of the layer with input size \((N, C_{\text{in}}, L)\) and output \((N, C_{\text{out}}, L_{\text{out}})\) can be precisely described as:" /> - @@ -59,7 +62,7 @@ precisely described as:" /> - +
    - @@ -310,7 +311,7 @@ sampled from \(\mathcal{U}(-\sqrt{k}, \sqrt{k})\) where
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_conv2d.html b/docs/reference/nn_conv2d.html index a8ccf4c51..3b6c3238f 100644 --- a/docs/reference/nn_conv2d.html +++ b/docs/reference/nn_conv2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ planes." /> - +
    - @@ -326,7 +327,7 @@ sampled from \(\mathcal{U}(-\sqrt{k}, \sqrt{k})\) where
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_conv3d.html b/docs/reference/nn_conv3d.html index 9357f9182..261c94acc 100644 --- a/docs/reference/nn_conv3d.html +++ b/docs/reference/nn_conv3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ planes. In the simplest case, the output value of the layer with input size \((N, C_{in}, D, H, W)\) and output \((N, C_{out}, D_{out}, H_{out}, W_{out})\) can be precisely described as:" /> - @@ -58,7 +61,7 @@ and output \((N, C_{out}, D_{out}, H_{out}, W_{out})\) can be precisely describe - +
    - @@ -317,7 +318,7 @@ sampled from \(\mathcal{U}(-\sqrt{k}, \sqrt{k})\) where
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_conv_transpose1d.html b/docs/reference/nn_conv_transpose1d.html index d097d8d40..fc0617e6a 100644 --- a/docs/reference/nn_conv_transpose1d.html +++ b/docs/reference/nn_conv_transpose1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ composed of several input planes." /> - +
    - @@ -304,7 +305,7 @@ sampled from \(\mathcal{U}(-\sqrt{k}, \sqrt{k})\) where
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_conv_transpose2d.html b/docs/reference/nn_conv_transpose2d.html index 089f1d92e..e3f7a5b86 100644 --- a/docs/reference/nn_conv_transpose2d.html +++ b/docs/reference/nn_conv_transpose2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ composed of several input planes." /> - +
    #> [1] 1 16 12 12
    - @@ -324,7 +325,7 @@ sampled from \(\mathcal{U}(-\sqrt{k}, \sqrt{k})\) where
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_conv_transpose3d.html b/docs/reference/nn_conv_transpose3d.html index 5c9c96178..6d76cc202 100644 --- a/docs/reference/nn_conv_transpose3d.html +++ b/docs/reference/nn_conv_transpose3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ planes." /> - +
    - @@ -320,7 +321,7 @@ sampled from \(\mathcal{U}(-\sqrt{k}, \sqrt{k})\) where
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_cross_entropy_loss.html b/docs/reference/nn_cross_entropy_loss.html new file mode 100644 index 000000000..fabdee4ef --- /dev/null +++ b/docs/reference/nn_cross_entropy_loss.html @@ -0,0 +1,271 @@ + + + + + + + + +CrossEntropyLoss module — nn_cross_entropy_loss • torch + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    +
    + + + + +
    + +
    +
    + + +
    +

    This criterion combines nn_log_softmax and nn_nll_loss in one single class. +It is useful when training a classification problem with C classes.

    +
    + +
    nn_cross_entropy_loss(...)
    + +

    Arguments

    + + + + + + + + + + + + + + +
    weight

    (Tensor, optional): a manual rescaling weight given to each class. +If given, has to be a Tensor of size C

    ignore_index

    (int, optional): Specifies a target value that is ignored +and does not contribute to the input gradient. When size_average is +TRUE, the loss is averaged over non-ignored targets.

    reduction

    (string, optional): Specifies the reduction to apply to the output: +'none' | 'mean' | 'sum'. 'none': no reduction will be applied, +'mean': the sum of the output will be divided by the number of +elements in the output, 'sum': the output will be summed. Note: size_average +and reduce are in the process of being deprecated, and in the meantime, +specifying either of those two args will override reduction. Default: 'mean'

    + +

    Details

    + +

    If provided, the optional argument weight should be a 1D Tensor +assigning weight to each of the classes.

    +

    This is particularly useful when you have an unbalanced training set. +The input is expected to contain raw, unnormalized scores for each class. +input has to be a Tensor of size either \((minibatch, C)\) or +\((minibatch, C, d_1, d_2, ..., d_K)\) +with \(K \geq 1\) for the K-dimensional case (described later).

    +

    This criterion expects a class index in the range \([0, C-1]\) as the +target for each value of a 1D tensor of size minibatch; if ignore_index +is specified, this criterion also accepts this class index (this index may not +necessarily be in the class range).

    +

    The loss can be described as: +$$ + \text{loss}(x, class) = -\log\left(\frac{\exp(x[class])}{\sum_j \exp(x[j])}\right) += -x[class] + \log\left(\sum_j \exp(x[j])\right) +$$ +or in the case of the weight argument being specified: +$$ + \text{loss}(x, class) = weight[class] \left(-x[class] + \log\left(\sum_j \exp(x[j])\right)\right) +$$

    +

    The losses are averaged across observations for each minibatch. +Can also be used for higher dimension inputs, such as 2D images, by providing +an input of size \((minibatch, C, d_1, d_2, ..., d_K)\) with \(K \geq 1\), +where \(K\) is the number of dimensions, and a target of appropriate shape +(see below).

    +

    Shape

    + + + +
      +
    • Input: \((N, C)\) where C = number of classes, or +\((N, C, d_1, d_2, ..., d_K)\) with \(K \geq 1\) +in the case of K-dimensional loss.

    • +
    • Target: \((N)\) where each value is \(0 \leq \text{targets}[i] \leq C-1\), or +\((N, d_1, d_2, ..., d_K)\) with \(K \geq 1\) in the case of +K-dimensional loss.

    • +
    • Output: scalar. +If reduction is 'none', then the same size as the target: +\((N)\), or +\((N, d_1, d_2, ..., d_K)\) with \(K \geq 1\) in the case +of K-dimensional loss.

    • +
    + + +

    Examples

    +
    loss <- nn_cross_entropy_loss() +input <- torch_randn(3, 5, requires_grad=TRUE) +target <- torch_randint(low = 0, high = 5, size = 3, dtype = torch_long()) +output <- loss(input, target) +output$backward()
    +
    + +
    + + +
    + + +
    +

    Site built with pkgdown 1.5.1.

    +
    + +
    +
    + + + + + + + + diff --git a/docs/reference/nn_dropout.html b/docs/reference/nn_dropout.html index 080798923..354d65798 100644 --- a/docs/reference/nn_dropout.html +++ b/docs/reference/nn_dropout.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ tensor with probability p using samples from a Bernoulli distribution. Each channel will be zeroed out independently on every forward call." /> - @@ -58,7 +61,7 @@ call." /> - +
    - @@ -215,7 +218,7 @@ identity function.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_dropout2d.html b/docs/reference/nn_dropout2d.html index 89c29ef3a..4281e487e 100644 --- a/docs/reference/nn_dropout2d.html +++ b/docs/reference/nn_dropout2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ batched input is a 2D tensor \(\text{input}[i, j]\))." /> - +
    - @@ -219,7 +222,7 @@ feature maps and should be used instead.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_dropout3d.html b/docs/reference/nn_dropout3d.html index 67216c68c..ca5b97964 100644 --- a/docs/reference/nn_dropout3d.html +++ b/docs/reference/nn_dropout3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ batched input is a 3D tensor \(\text{input}[i, j]\))." /> - +
    - @@ -219,7 +222,7 @@ feature maps and should be used instead.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_elu.html b/docs/reference/nn_elu.html index 49e2ead2d..cdf8a35c1 100644 --- a/docs/reference/nn_elu.html +++ b/docs/reference/nn_elu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -207,7 +210,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_embedding.html b/docs/reference/nn_embedding.html index 552ebdbb1..5e656f63d 100644 --- a/docs/reference/nn_embedding.html +++ b/docs/reference/nn_embedding.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ This module is often used to store word embeddings and retrieve them using indices. The input to the module is a list of indices, and the output is the corresponding word embeddings." /> - @@ -58,7 +61,7 @@ word embeddings." /> - +
    #> torch_tensor #> (1,.,.) = -#> 0.4220 -0.6692 0.1791 -#> 0.3226 0.5255 -0.6208 -#> -1.2119 0.8679 -1.1647 -#> 0.8176 2.1419 1.3021 +#> -1.7249 0.6086 -0.6237 +#> 0.4060 -0.6416 0.9324 +#> 0.7504 -1.0183 -0.4136 +#> -2.0975 -1.9158 -0.3238 #> #> (2,.,.) = -#> -1.2119 0.8679 -1.1647 -#> 1.7851 0.8554 -0.1514 -#> 0.3226 0.5255 -0.6208 -#> -1.6437 0.8686 1.6509 +#> 0.7504 -1.0183 -0.4136 +#> -1.1737 1.1999 1.6121 +#> 0.4060 -0.6416 0.9324 +#> -0.3202 -0.0498 -0.0549 #> [ CPUFloatType{2,4,3} ]
    # example with padding_idx embedding <- nn_embedding(10, 3, padding_idx=0) input <- torch_tensor(matrix(c(0,2,0,5), nrow = 1), dtype = torch_long()) embedding(input)
    #> torch_tensor #> (1,.,.) = #> 0.0000 0.0000 0.0000 -#> 1.9475 -0.1121 1.6192 +#> -0.8975 0.7640 -0.2097 #> 0.0000 0.0000 0.0000 -#> -0.3052 0.2334 -0.2075 +#> 1.6086 -2.3784 -1.1710 #> [ CPUFloatType{1,4,3} ]
    - @@ -280,7 +282,7 @@ initialized from \(\mathcal{N}(0, 1)\)

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_gelu.html b/docs/reference/nn_gelu.html index a3291aff4..4415c4e74 100644 --- a/docs/reference/nn_gelu.html +++ b/docs/reference/nn_gelu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ $$\text{GELU}(x) = x * \Phi(x)$$" /> - +
    - @@ -194,7 +198,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_glu.html b/docs/reference/nn_glu.html index 25535b994..7cdc8976b 100644 --- a/docs/reference/nn_glu.html +++ b/docs/reference/nn_glu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ of the input matrices and \(b\) is the second half." /> - +
    - @@ -201,7 +205,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_hardshrink.html b/docs/reference/nn_hardshrink.html index 83df8d617..912436af1 100644 --- a/docs/reference/nn_hardshrink.html +++ b/docs/reference/nn_hardshrink.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -208,7 +211,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_hardsigmoid.html b/docs/reference/nn_hardsigmoid.html index 3abce0b85..b7b40d84a 100644 --- a/docs/reference/nn_hardsigmoid.html +++ b/docs/reference/nn_hardsigmoid.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -198,7 +202,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_hardswish.html b/docs/reference/nn_hardswish.html index 9a0bb0c25..d90613619 100644 --- a/docs/reference/nn_hardswish.html +++ b/docs/reference/nn_hardswish.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -45,7 +49,6 @@ x &amp; \text{if~} x \ge +3, \\ x \cdot (x + 3) /6 &amp; \text{otherwise} \end{cases} $$" /> - @@ -63,7 +66,7 @@ $$" /> - +
    - @@ -206,7 +211,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_hardtanh.html b/docs/reference/nn_hardtanh.html index aa7032eef..c4b7bf975 100644 --- a/docs/reference/nn_hardtanh.html +++ b/docs/reference/nn_hardtanh.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ HardTanh is defined as:" /> - +
    - @@ -219,7 +222,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_identity.html b/docs/reference/nn_identity.html index 764ba796f..7c182a677 100644 --- a/docs/reference/nn_identity.html +++ b/docs/reference/nn_identity.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> [1] 128 20
    - @@ -188,7 +193,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_calculate_gain.html b/docs/reference/nn_init_calculate_gain.html index 52e86ad53..2a0e75ad1 100644 --- a/docs/reference/nn_init_calculate_gain.html +++ b/docs/reference/nn_init_calculate_gain.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -185,7 +191,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_constant_.html b/docs/reference/nn_init_constant_.html index 90dbfabaf..370db96f3 100644 --- a/docs/reference/nn_init_constant_.html +++ b/docs/reference/nn_init_constant_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -194,7 +199,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_dirac_.html b/docs/reference/nn_init_dirac_.html index 46e9b2c4d..54bc47e02 100644 --- a/docs/reference/nn_init_dirac_.html +++ b/docs/reference/nn_init_dirac_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ delta function. Preserves the identity of the inputs in Convolutional layers, where as many input channels are preserved as possible. In case of groups&gt;1, each group of channels preserves identity." /> - @@ -58,7 +61,7 @@ of groups&gt;1, each group of channels preserves identity." /> - +
    - @@ -197,7 +202,7 @@ of groups>1, each group of channels preserves identity.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_eye_.html b/docs/reference/nn_init_eye_.html index a460cae14..f9207bf96 100644 --- a/docs/reference/nn_init_eye_.html +++ b/docs/reference/nn_init_eye_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ many inputs are preserved as possible." /> - +
    - @@ -194,7 +199,7 @@ many inputs are preserved as possible.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_kaiming_normal_.html b/docs/reference/nn_init_kaiming_normal_.html index d1a0982d6..9937f3703 100644 --- a/docs/reference/nn_init_kaiming_normal_.html +++ b/docs/reference/nn_init_kaiming_normal_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ normal distribution." /> - +
    - @@ -215,7 +220,7 @@ or 'leaky_relu' (default).

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_kaiming_uniform_.html b/docs/reference/nn_init_kaiming_uniform_.html index c39bc8115..3f5c9aaff 100644 --- a/docs/reference/nn_init_kaiming_uniform_.html +++ b/docs/reference/nn_init_kaiming_uniform_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ uniform distribution." /> - +
    - @@ -215,7 +220,7 @@ or 'leaky_relu' (default).

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_normal_.html b/docs/reference/nn_init_normal_.html index e4577cc8e..172975f41 100644 --- a/docs/reference/nn_init_normal_.html +++ b/docs/reference/nn_init_normal_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -198,7 +203,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_ones_.html b/docs/reference/nn_init_ones_.html index 35cab69c5..54efa6972 100644 --- a/docs/reference/nn_init_ones_.html +++ b/docs/reference/nn_init_ones_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -190,7 +195,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_orthogonal_.html b/docs/reference/nn_init_orthogonal_.html index d72b4cf43..2fdd575aa 100644 --- a/docs/reference/nn_init_orthogonal_.html +++ b/docs/reference/nn_init_orthogonal_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ described in Exact solutions to the nonlinear dynamics of learning in deep linear neural networks - Saxe, A. et al. (2013). The input tensor must have at least 2 dimensions, and for tensors with more than 2 dimensions the trailing dimensions are flattened." /> - @@ -58,7 +61,7 @@ trailing dimensions are flattened." /> - +
    - @@ -200,7 +205,7 @@ trailing dimensions are flattened.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_sparse_.html b/docs/reference/nn_init_sparse_.html index 09533806a..0bbfd8109 100644 --- a/docs/reference/nn_init_sparse_.html +++ b/docs/reference/nn_init_sparse_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ as described in Deep learning via Hessian-free optimization - Martens, J. (2010) - +
    - @@ -200,7 +205,7 @@ the non-zero values

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_trunc_normal_.html b/docs/reference/nn_init_trunc_normal_.html index 1a9422428..0fa360baf 100644 --- a/docs/reference/nn_init_trunc_normal_.html +++ b/docs/reference/nn_init_trunc_normal_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ normal distribution." /> - +
    - @@ -208,7 +213,7 @@ normal distribution.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_uniform_.html b/docs/reference/nn_init_uniform_.html index 7fbfe1ee5..80631ac63 100644 --- a/docs/reference/nn_init_uniform_.html +++ b/docs/reference/nn_init_uniform_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -198,7 +203,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_xavier_normal_.html b/docs/reference/nn_init_xavier_normal_.html index 330bab94a..7ca9e1584 100644 --- a/docs/reference/nn_init_xavier_normal_.html +++ b/docs/reference/nn_init_xavier_normal_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ distribution." /> - +
    - @@ -198,7 +203,7 @@ distribution.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_xavier_uniform_.html b/docs/reference/nn_init_xavier_uniform_.html index 11556ffa9..6bff577e5 100644 --- a/docs/reference/nn_init_xavier_uniform_.html +++ b/docs/reference/nn_init_xavier_uniform_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ distribution." /> - +
    - @@ -198,7 +203,7 @@ distribution.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_init_zeros_.html b/docs/reference/nn_init_zeros_.html index 8657315b2..57f79bdea 100644 --- a/docs/reference/nn_init_zeros_.html +++ b/docs/reference/nn_init_zeros_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -190,7 +195,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_leaky_relu.html b/docs/reference/nn_leaky_relu.html index df3bafa90..5c8b82fe3 100644 --- a/docs/reference/nn_leaky_relu.html +++ b/docs/reference/nn_leaky_relu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -215,7 +218,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_linear.html b/docs/reference/nn_linear.html index f949be797..473456564 100644 --- a/docs/reference/nn_linear.html +++ b/docs/reference/nn_linear.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> [1] 128 30
    - @@ -225,7 +228,7 @@ If bias is TRUE, the values are initialized from
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_log_sigmoid.html b/docs/reference/nn_log_sigmoid.html index 585d2b08f..a41c69ee0 100644 --- a/docs/reference/nn_log_sigmoid.html +++ b/docs/reference/nn_log_sigmoid.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ $$ \text{LogSigmoid}(x) = \log\left(\frac{ 1 }{ 1 + \exp(-x)}\right) $$" /> - @@ -58,7 +61,7 @@ $$ - +
    - @@ -194,7 +199,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_log_softmax.html b/docs/reference/nn_log_softmax.html index f7a46218b..382ce2ed1 100644 --- a/docs/reference/nn_log_softmax.html +++ b/docs/reference/nn_log_softmax.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ input Tensor. The LogSoftmax formulation can be simplified as:" /> - +
    - @@ -210,7 +212,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_max_pool1d.html b/docs/reference/nn_max_pool1d.html index 4f6a012f2..a22779d1a 100644 --- a/docs/reference/nn_max_pool1d.html +++ b/docs/reference/nn_max_pool1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ planes." /> - +
    - @@ -235,7 +239,7 @@ has a nice visualization of what dilation does.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_max_pool2d.html b/docs/reference/nn_max_pool2d.html index f02d2c5b2..162280627 100644 --- a/docs/reference/nn_max_pool2d.html +++ b/docs/reference/nn_max_pool2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ planes." /> - +
    - @@ -250,7 +253,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_module.html b/docs/reference/nn_module.html index 707ba7b03..6df5e23a8 100644 --- a/docs/reference/nn_module.html +++ b/docs/reference/nn_module.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -209,7 +213,7 @@ structure. You can assign the submodules as regular attributes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_module_list.html b/docs/reference/nn_module_list.html index 3011dfcdc..8affee088 100644 --- a/docs/reference/nn_module_list.html +++ b/docs/reference/nn_module_list.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ nn_module methods." /> - +
    - @@ -198,7 +203,7 @@ modules it contains are properly registered, and will be visible by all
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_multihead_attention.html b/docs/reference/nn_multihead_attention.html index 5d456bd1e..1b12c1d30 100644 --- a/docs/reference/nn_multihead_attention.html +++ b/docs/reference/nn_multihead_attention.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ See reference: Attention Is All You Need" /> - +
    - @@ -264,7 +267,7 @@ L is the target sequence length, S is the source sequence length.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_prelu.html b/docs/reference/nn_prelu.html index 6dd23d656..989464704 100644 --- a/docs/reference/nn_prelu.html +++ b/docs/reference/nn_prelu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -48,7 +52,6 @@ x, &amp; \text{ if } x \geq 0 \\ ax, &amp; \text{ otherwise } \end{cases} $$" /> - @@ -66,7 +69,7 @@ $$" /> - +
    - @@ -246,7 +247,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_relu.html b/docs/reference/nn_relu.html index 91f09e7c0..ba667a682 100644 --- a/docs/reference/nn_relu.html +++ b/docs/reference/nn_relu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ $$\text{ReLU}(x) = (x)^+ = \max(0, x)$$" /> - +
    - @@ -203,7 +207,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_relu6.html b/docs/reference/nn_relu6.html index c65269c2e..b475a7e20 100644 --- a/docs/reference/nn_relu6.html +++ b/docs/reference/nn_relu6.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -203,7 +206,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_rnn.html b/docs/reference/nn_rnn.html index d6096ecf0..81f7e7487 100644 --- a/docs/reference/nn_rnn.html +++ b/docs/reference/nn_rnn.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ to an input sequence." /> - +
    #> [[1]] #> torch_tensor #> (1,.,.) = -#> Columns 1 to 9 0.4276 0.0772 -0.5042 -0.6518 0.1811 -0.8639 0.2111 0.4346 -0.8817 -#> -0.3943 0.1186 0.2027 -0.0821 0.2938 0.0389 -0.3633 -0.3283 -0.7592 -#> -0.1428 -0.5500 0.5352 0.4765 0.1696 0.7090 0.5303 -0.6220 -0.2569 +#> Columns 1 to 9 -0.7707 -0.2127 0.0833 -0.5020 0.7743 0.9150 0.0502 -0.3490 0.9177 +#> -0.7058 -0.3404 0.9008 0.5612 0.1238 0.1118 0.2086 0.3772 -0.2031 +#> -0.3612 -0.1235 -0.7028 0.4200 0.0411 -0.2072 0.5555 0.9468 -0.0299 #> -#> Columns 10 to 18 -0.6619 -0.5207 0.8410 -0.3293 0.7054 0.0577 -0.8078 -0.5257 0.6800 -#> -0.3951 -0.6624 0.6272 -0.0957 0.3011 -0.6020 0.5136 -0.5943 0.4131 -#> 0.6771 0.9127 -0.3022 0.0709 -0.4073 -0.3627 -0.7434 0.4078 0.6302 +#> Columns 10 to 18 0.1455 0.6700 0.8668 0.7365 0.5706 0.5940 0.5845 -0.3978 -0.3471 +#> 0.0042 -0.0642 0.0454 -0.2421 -0.6776 0.0689 -0.4781 0.5221 -0.8138 +#> -0.7804 0.6880 -0.6256 0.5869 -0.5678 -0.0954 0.0748 -0.7484 0.2925 #> -#> Columns 19 to 20 -0.4580 -0.0341 -#> -0.6723 -0.3000 -#> 0.6360 -0.3711 +#> Columns 19 to 20 0.2962 -0.4581 +#> 0.8697 0.9076 +#> 0.5304 0.0117 #> #> (2,.,.) = -#> Columns 1 to 9 -0.1384 -0.0091 -0.0056 0.3984 0.5643 -0.0460 0.8278 0.3454 -0.5000 -#> 0.2556 -0.4035 -0.7108 0.3854 -0.3852 0.1034 0.5604 0.2520 0.1212 -#> 0.3114 -0.4072 0.4441 0.6002 -0.2457 -0.1299 0.1112 0.3806 -0.3545 +#> Columns 1 to 9 0.3931 0.3354 -0.6032 0.5553 -0.0911 -0.0173 -0.4029 0.1835 0.4575 +#> -0.7199 -0.4652 0.2671 -0.4557 0.0219 -0.0998 -0.2311 -0.6716 0.0719 +#> -0.6873 -0.4190 0.2820 0.4307 -0.3875 -0.0353 0.1192 0.1583 0.0578 #> -#> Columns 10 to 18 -0.2446 0.0692 0.4671 -0.5671 0.4301 0.1657 0.6823 -0.6196 0.3762 -#> -0.7497 0.0340 -0.3474 -0.6738 -0.0242 0.1581 0.5449 -0.4903 -0.3489 -#> 0.1728 0.2955 0.3845 -0.4589 0.2551 0.4480 -0.4291 -0.4480 0.5182 +#> Columns 10 to 18 0.0573 -0.3042 -0.2850 0.2343 0.1400 -0.2909 0.7082 0.3566 -0.0579 +#> 0.5340 -0.3909 -0.1861 -0.2526 0.1529 0.1250 -0.0907 0.2993 0.2565 +#> 0.2468 -0.6759 -0.1813 0.1958 -0.1157 0.7653 0.0484 -0.4860 0.5066 #> -#> Columns 19 to 20 0.0809 -0.4582 -#> -0.2338 -0.5071 -#> -0.1378 -0.0010 +#> Columns 19 to 20 -0.0106 0.5368 +#> 0.6679 -0.0620 +#> 0.8322 0.0632 #> #> (3,.,.) = -#> Columns 1 to 9 -0.3947 -0.4012 -0.3611 0.3505 0.0165 0.1398 -0.0617 0.0763 0.1940 -#> 0.3219 0.4130 0.6590 -0.1642 -0.0500 0.5086 -0.3445 -0.0939 -0.2414 -#> 0.3590 -0.1237 0.0934 -0.2235 -0.2663 0.2981 0.0762 -0.0298 0.4023 +#> Columns 1 to 9 -0.2025 -0.6474 0.4180 -0.3793 -0.0460 0.2731 0.0927 -0.4733 -0.0691 +#> -0.4081 -0.5279 -0.0483 -0.2613 -0.1064 -0.2496 0.1590 -0.2841 0.4583 +#> -0.5098 0.0026 -0.3198 0.6048 -0.1103 0.2459 -0.0079 -0.2687 0.2318 #> -#> Columns 10 to 18 0.0585 0.5780 -0.4226 -0.5474 -0.1996 -0.0245 0.2509 -0.2825 0.0077 -#> 0.5736 0.1683 0.3064 -0.3716 0.3403 -0.0382 0.5370 -0.4994 0.6753 -#> -0.3686 0.2479 -0.0329 -0.6391 -0.5372 -0.0355 -0.4228 0.1528 0.2182 +#> Columns 10 to 18 0.0581 0.4398 -0.3201 0.3175 -0.0661 0.4878 -0.0683 -0.0018 0.1940 +#> 0.0484 -0.1143 0.0090 -0.1148 0.0090 0.2331 0.1753 0.0266 0.1241 +#> 0.4600 -0.2172 -0.1378 -0.4170 -0.1131 0.6376 0.5091 -0.1358 -0.2057 #> -#> Columns 19 to 20 -0.0757 -0.2216 -#> -0.5597 0.6125 -#> -0.1468 -0.1929 +#> Columns 19 to 20 0.3009 -0.2259 +#> -0.0075 0.0121 +#> 0.5144 0.1673 #> #> (4,.,.) = -#> Columns 1 to 9 -0.0795 0.1925 0.5405 0.0138 -0.4712 -0.0736 -0.4220 0.3339 -0.1666 -#> -0.0071 -0.2551 -0.1282 -0.0769 0.1891 0.4082 0.4852 -0.0548 -0.7814 -#> 0.4382 0.2154 0.3009 0.3081 -0.6001 0.3156 -0.0491 0.0601 0.3104 +#> Columns 1 to 9 -0.4531 -0.2168 -0.5408 -0.0071 -0.2930 0.0422 -0.3546 -0.4449 0.3840 +#> -0.3371 -0.4406 -0.0102 -0.1182 -0.3625 0.1465 -0.3650 0.0263 0.5210 +#> -0.3134 -0.1051 -0.2616 0.0008 0.1564 0.3192 -0.0420 -0.0784 0.3283 #> -#> Columns 10 to 18 0.8121 0.2617 0.6845 -0.3926 0.5111 0.3392 0.1697 -0.6972 0.5728 -#> 0.1224 -0.1796 0.4606 -0.2305 0.0887 0.6502 -0.1052 -0.7079 0.3113 -#> -0.4494 0.2919 0.1243 -0.6592 -0.4256 0.2197 0.0171 -0.0662 -0.2708 +#> Columns 10 to 18 0.3663 0.1935 -0.2922 -0.4084 0.1909 0.2754 0.4684 -0.0819 0.2299 +#> 0.1765 -0.1040 -0.4538 0.2761 0.1063 0.2704 0.2483 -0.0832 -0.2099 +#> 0.0862 0.0529 -0.1402 -0.1801 -0.1077 0.4180 0.2165 0.1804 0.0430 #> -#> Columns 19 to 20 -0.6355 0.4968 -#> 0.2371 -0.2860 -#> -0.3225 -0.0697 +#> Columns 19 to 20 -0.1043 -0.1730 +#> 0.2977 0.5321 +#> 0.4780 0.0898 #> #> (5,.,.) = -#> Columns 1 to 9 0.0960 -0.3353 -0.4172 -0.5399 -0.2198 0.1494 0.0701 -0.1455 0.1152 -#> 0.0498 -0.3871 0.1187 0.3674 -0.0330 -0.1328 0.3940 -0.0463 -0.2081 -#> 0.3725 0.2881 0.6440 0.0512 -0.2188 0.4613 0.2503 -0.2195 -0.5595 +#> Columns 1 to 9 -0.1420 -0.4948 -0.0771 -0.4554 -0.1340 0.0152 -0.2039 0.1756 0.5272 +#> 0.0046 -0.2156 -0.1057 0.0029 -0.1536 0.0371 -0.0947 -0.3541 0.3468 +#> -0.3493 -0.0818 0.0744 0.2137 0.3389 -0.0741 0.0560 0.0755 0.3899 #> -#> Columns 10 to 18 0.0065 -0.1936 0.1489 -0.3465 -0.4079 0.2003 -0.4970 -0.1207 -0.1250 -#> 0.2579 0.1203 0.1182 -0.4260 0.4201 -0.3926 0.0258 -0.2187 -0.0547 -#> 0.1541 0.3313 0.5169 -0.1832 -0.0369 0.5818 0.1595 -0.6282 0.5641 +#> Columns 10 to 18 -0.1118 0.1548 -0.1897 0.4725 0.3748 0.1778 -0.0191 -0.2158 0.0108 +#> 0.1313 0.4106 -0.4301 -0.4310 0.4229 0.5693 0.2579 -0.1599 0.3064 +#> 0.2120 -0.2889 0.5255 0.1630 -0.2614 0.4556 -0.1420 0.3162 -0.0570 #> -#> Columns 19 to 20 -0.3074 0.1372 -#> -0.1573 -0.3119 -#> -0.3600 0.3056 +#> Columns 19 to 20 0.0304 -0.1577 +#> 0.2358 -0.2714 +#> 0.2031 0.0557 #> [ CPUFloatType{5,3,20} ] #> #> [[2]] #> torch_tensor #> (1,.,.) = -#> Columns 1 to 9 -0.0959 0.0263 -0.4122 -0.0120 -0.2258 -0.5127 0.5458 0.1145 -0.0379 -#> -0.0000 0.1686 -0.2831 0.0969 -0.7582 -0.0024 0.4333 -0.6053 0.0907 -#> 0.6877 0.3841 0.1194 -0.3983 0.5711 0.4428 -0.4015 0.2521 0.4396 +#> Columns 1 to 9 -0.6077 0.0478 0.0164 -0.2950 -0.2971 -0.4781 0.0169 0.2555 0.0133 +#> -0.4616 0.1612 0.5310 0.1255 -0.2302 0.0283 0.8916 0.6087 -0.3284 +#> -0.2969 -0.3002 -0.5179 0.6761 -0.2708 -0.5304 0.6671 -0.4906 0.0421 #> -#> Columns 10 to 18 -0.2907 -0.4035 -0.6876 -0.2241 0.4380 0.1664 -0.0698 -0.3933 -0.4121 -#> -0.3388 -0.2028 -0.5774 -0.1317 -0.3398 -0.3893 0.5495 -0.4529 -0.0072 -#> 0.1676 0.2725 0.8899 0.6866 0.7163 -0.4537 -0.2172 0.1430 -0.0643 +#> Columns 10 to 18 0.6736 0.2246 0.1710 0.3099 -0.1167 0.0170 0.5478 -0.2716 0.2036 +#> 0.6366 -0.3136 0.6336 -0.4472 -0.4417 0.4317 0.2124 0.4570 0.1472 +#> -0.4469 -0.3307 -0.1321 -0.3429 0.3623 -0.3800 0.4302 0.1987 -0.2188 #> -#> Columns 19 to 20 -0.6915 -0.2926 -#> -0.1140 -0.0890 -#> 0.2944 0.4723 +#> Columns 19 to 20 0.0917 0.2792 +#> -0.0328 0.1105 +#> 0.0621 -0.1483 #> #> (2,.,.) = -#> Columns 1 to 9 0.0960 -0.3353 -0.4172 -0.5399 -0.2198 0.1494 0.0701 -0.1455 0.1152 -#> 0.0498 -0.3871 0.1187 0.3674 -0.0330 -0.1328 0.3940 -0.0463 -0.2081 -#> 0.3725 0.2881 0.6440 0.0512 -0.2188 0.4613 0.2503 -0.2195 -0.5595 +#> Columns 1 to 9 -0.1420 -0.4948 -0.0771 -0.4554 -0.1340 0.0152 -0.2039 0.1756 0.5272 +#> 0.0046 -0.2156 -0.1057 0.0029 -0.1536 0.0371 -0.0947 -0.3541 0.3468 +#> -0.3493 -0.0818 0.0744 0.2137 0.3389 -0.0741 0.0560 0.0755 0.3899 #> -#> Columns 10 to 18 0.0065 -0.1936 0.1489 -0.3465 -0.4079 0.2003 -0.4970 -0.1207 -0.1250 -#> 0.2579 0.1203 0.1182 -0.4260 0.4201 -0.3926 0.0258 -0.2187 -0.0547 -#> 0.1541 0.3313 0.5169 -0.1832 -0.0369 0.5818 0.1595 -0.6282 0.5641 +#> Columns 10 to 18 -0.1118 0.1548 -0.1897 0.4725 0.3748 0.1778 -0.0191 -0.2158 0.0108 +#> 0.1313 0.4106 -0.4301 -0.4310 0.4229 0.5693 0.2579 -0.1599 0.3064 +#> 0.2120 -0.2889 0.5255 0.1630 -0.2614 0.4556 -0.1420 0.3162 -0.0570 #> -#> Columns 19 to 20 -0.3074 0.1372 -#> -0.1573 -0.3119 -#> -0.3600 0.3056 +#> Columns 19 to 20 0.0304 -0.1577 +#> 0.2358 -0.2714 +#> 0.2031 0.0557 #> [ CPUFloatType{2,3,20} ] #>
    - @@ -413,7 +412,7 @@ where \(k = \frac{1}{\text{hidden\_size}}\)

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_rrelu.html b/docs/reference/nn_rrelu.html index 1fd40b5e8..64123be81 100644 --- a/docs/reference/nn_rrelu.html +++ b/docs/reference/nn_rrelu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ as described in the paper:" /> - +
    - @@ -225,7 +227,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_selu.html b/docs/reference/nn_selu.html index ef3b34a69..28bbe9bab 100644 --- a/docs/reference/nn_selu.html +++ b/docs/reference/nn_selu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -207,7 +210,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_sequential.html b/docs/reference/nn_sequential.html index 647f3c9a9..b1329becc 100644 --- a/docs/reference/nn_sequential.html +++ b/docs/reference/nn_sequential.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ See examples." /> - +
    - @@ -200,7 +205,7 @@ See examples.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_sigmoid.html b/docs/reference/nn_sigmoid.html index d08af85f0..9f525657a 100644 --- a/docs/reference/nn_sigmoid.html +++ b/docs/reference/nn_sigmoid.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -194,7 +198,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_softmax.html b/docs/reference/nn_softmax.html index e86cecf8e..5939ddf36 100644 --- a/docs/reference/nn_softmax.html +++ b/docs/reference/nn_softmax.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ rescaling them so that the elements of the n-dimensional output Tensor lie in the range 0,1 and sum to 1. Softmax is defined as:" /> - @@ -58,7 +61,7 @@ Softmax is defined as:" /> - +
    - @@ -224,7 +225,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_softmax2d.html b/docs/reference/nn_softmax2d.html index bab80541b..b1eb619de 100644 --- a/docs/reference/nn_softmax2d.html +++ b/docs/reference/nn_softmax2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ apply Softmax to each location \((Channels, h_i, w_j)\)" /> - +
    - @@ -196,7 +200,7 @@ values in the range 0, 1

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_softmin.html b/docs/reference/nn_softmin.html index 1ce710ac9..7f9dfada8 100644 --- a/docs/reference/nn_softmin.html +++ b/docs/reference/nn_softmin.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ rescaling them so that the elements of the n-dimensional output Tensor lie in the range [0, 1] and sum to 1. Softmin is defined as:" /> - @@ -58,7 +61,7 @@ Softmin is defined as:" /> - +
    - @@ -215,7 +217,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_softplus.html b/docs/reference/nn_softplus.html index 57ff99ec8..69ad7fb5f 100644 --- a/docs/reference/nn_softplus.html +++ b/docs/reference/nn_softplus.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ $$ \text{Softplus}(x) = \frac{1}{\beta} * \log(1 + \exp(\beta * x)) $$" /> - @@ -58,7 +61,7 @@ $$" /> - +
    - @@ -214,7 +217,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_softshrink.html b/docs/reference/nn_softshrink.html index d2b095a36..e47dc21a3 100644 --- a/docs/reference/nn_softshrink.html +++ b/docs/reference/nn_softshrink.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -207,7 +210,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_softsign.html b/docs/reference/nn_softsign.html index 0e4433aca..dd18a649b 100644 --- a/docs/reference/nn_softsign.html +++ b/docs/reference/nn_softsign.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ $$ \text{SoftSign}(x) = \frac{x}{ 1 + |x|} $$" /> - @@ -58,7 +61,7 @@ $$" /> - +
    - @@ -194,7 +199,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_tanh.html b/docs/reference/nn_tanh.html index 87c179c20..83b2e6985 100644 --- a/docs/reference/nn_tanh.html +++ b/docs/reference/nn_tanh.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -194,7 +198,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_tanhshrink.html b/docs/reference/nn_tanhshrink.html index b674a511a..8ceaf9719 100644 --- a/docs/reference/nn_tanhshrink.html +++ b/docs/reference/nn_tanhshrink.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -194,7 +198,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_threshold.html b/docs/reference/nn_threshold.html index 805087ca7..8ad7e62b2 100644 --- a/docs/reference/nn_threshold.html +++ b/docs/reference/nn_threshold.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -216,7 +219,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_utils_rnn_pack_padded_sequence.html b/docs/reference/nn_utils_rnn_pack_padded_sequence.html index 2d8b5ca18..67d32c086 100644 --- a/docs/reference/nn_utils_rnn_pack_padded_sequence.html +++ b/docs/reference/nn_utils_rnn_pack_padded_sequence.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ longest sequence (equal to lengths[1]), B is the batch size, and * is any number of dimensions (including 0). If batch_first is TRUE, B x T x * input is expected." /> - @@ -58,7 +61,7 @@ TRUE, B x T x * input is expected." /> - +
    - @@ -225,7 +228,7 @@ a PackedSequence object by accessing its .data attribu
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_utils_rnn_pack_sequence.html b/docs/reference/nn_utils_rnn_pack_sequence.html index 4746f9a58..56653e0ae 100644 --- a/docs/reference/nn_utils_rnn_pack_sequence.html +++ b/docs/reference/nn_utils_rnn_pack_sequence.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ including zero." /> - +
    - @@ -208,7 +211,7 @@ is TRUE, the sequences should be sorted in the order of decreasing
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_utils_rnn_pad_packed_sequence.html b/docs/reference/nn_utils_rnn_pad_packed_sequence.html index 94da2929d..5e981770c 100644 --- a/docs/reference/nn_utils_rnn_pad_packed_sequence.html +++ b/docs/reference/nn_utils_rnn_pad_packed_sequence.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -250,7 +252,7 @@ the data will be transposed into B x T x * format.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nn_utils_rnn_pad_sequence.html b/docs/reference/nn_utils_rnn_pad_sequence.html index a9c7e7330..eb84dbbfd 100644 --- a/docs/reference/nn_utils_rnn_pad_sequence.html +++ b/docs/reference/nn_utils_rnn_pad_sequence.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ and pads them to equal length. For example, if the input is list of sequences with size L x * and if batch_first is False, and T x B x * otherwise." /> - @@ -58,7 +61,7 @@ otherwise." /> - +
    #> [1] 25 3 300
    - @@ -221,7 +223,7 @@ trailing dimensions and type of all the Tensors in sequences are same.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_adaptive_avg_pool1d.html b/docs/reference/nnf_adaptive_avg_pool1d.html index 98920d801..06a92f0fb 100644 --- a/docs/reference/nnf_adaptive_avg_pool1d.html +++ b/docs/reference/nnf_adaptive_avg_pool1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ several input planes." /> - +
    - @@ -187,7 +193,7 @@ several input planes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_adaptive_avg_pool2d.html b/docs/reference/nnf_adaptive_avg_pool2d.html index da62c5d0c..27ad35dd4 100644 --- a/docs/reference/nnf_adaptive_avg_pool2d.html +++ b/docs/reference/nnf_adaptive_avg_pool2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ several input planes." /> - +
    - @@ -187,7 +193,7 @@ several input planes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_adaptive_avg_pool3d.html b/docs/reference/nnf_adaptive_avg_pool3d.html index 9ef7c8f22..8d9fd7db6 100644 --- a/docs/reference/nnf_adaptive_avg_pool3d.html +++ b/docs/reference/nnf_adaptive_avg_pool3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ several input planes." /> - +
    - @@ -187,7 +193,7 @@ several input planes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_adaptive_max_pool1d.html b/docs/reference/nnf_adaptive_max_pool1d.html index 789ae1607..095bfe943 100644 --- a/docs/reference/nnf_adaptive_max_pool1d.html +++ b/docs/reference/nnf_adaptive_max_pool1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ several input planes." /> - +
    - @@ -191,7 +197,7 @@ several input planes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_adaptive_max_pool2d.html b/docs/reference/nnf_adaptive_max_pool2d.html index fcc399ef3..d442661f3 100644 --- a/docs/reference/nnf_adaptive_max_pool2d.html +++ b/docs/reference/nnf_adaptive_max_pool2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ several input planes." /> - +
    - @@ -191,7 +197,7 @@ several input planes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_adaptive_max_pool3d.html b/docs/reference/nnf_adaptive_max_pool3d.html index 2785f6605..937ed9706 100644 --- a/docs/reference/nnf_adaptive_max_pool3d.html +++ b/docs/reference/nnf_adaptive_max_pool3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ several input planes." /> - +
    - @@ -191,7 +197,7 @@ several input planes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_affine_grid.html b/docs/reference/nnf_affine_grid.html index dfa474bf5..e1e59eb45 100644 --- a/docs/reference/nnf_affine_grid.html +++ b/docs/reference/nnf_affine_grid.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ affine matrices theta." /> - +
    - @@ -206,7 +211,7 @@ to build Spatial Transformer Networks_ .

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_alpha_dropout.html b/docs/reference/nnf_alpha_dropout.html index f02471d4b..1bd3bc823 100644 --- a/docs/reference/nnf_alpha_dropout.html +++ b/docs/reference/nnf_alpha_dropout.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -194,7 +200,7 @@ Default: FALSE

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_avg_pool1d.html b/docs/reference/nnf_avg_pool1d.html index 44b056926..aa7e5e5eb 100644 --- a/docs/reference/nnf_avg_pool1d.html +++ b/docs/reference/nnf_avg_pool1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ input planes." /> - +
    - @@ -215,7 +221,7 @@ averaging calculation. Default: TRUE

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_avg_pool2d.html b/docs/reference/nnf_avg_pool2d.html index 78c574dda..3cba82471 100644 --- a/docs/reference/nnf_avg_pool2d.html +++ b/docs/reference/nnf_avg_pool2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ input planes." /> - +
    - @@ -223,7 +229,7 @@ size of the pooling region will be used. Default: NULL

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_avg_pool3d.html b/docs/reference/nnf_avg_pool3d.html index 1e200f912..3b5c9db3c 100644 --- a/docs/reference/nnf_avg_pool3d.html +++ b/docs/reference/nnf_avg_pool3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ size \(sT * sH * sW\) steps. The number of output features is equal to - +
    - @@ -223,7 +229,7 @@ size of the pooling region will be used. Default: NULL

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_batch_norm.html b/docs/reference/nnf_batch_norm.html index 2217d4618..2010a9e8d 100644 --- a/docs/reference/nnf_batch_norm.html +++ b/docs/reference/nnf_batch_norm.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -219,7 +225,7 @@ Can be set to None for cumulative moving average (i.e. simple average). Default:
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_bilinear.html b/docs/reference/nnf_bilinear.html index d39fecaa0..f7a0ac0b0 100644 --- a/docs/reference/nnf_bilinear.html +++ b/docs/reference/nnf_bilinear.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ - +
    - @@ -203,7 +209,7 @@ and all but the last dimension are the same shape as the input.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_binary_cross_entropy.html b/docs/reference/nnf_binary_cross_entropy.html index 0269bc7b2..acdfed028 100644 --- a/docs/reference/nnf_binary_cross_entropy.html +++ b/docs/reference/nnf_binary_cross_entropy.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ between the target and the output." /> - +
    - @@ -199,7 +205,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_binary_cross_entropy_with_logits.html b/docs/reference/nnf_binary_cross_entropy_with_logits.html index 5974920b3..aec0cc570 100644 --- a/docs/reference/nnf_binary_cross_entropy_with_logits.html +++ b/docs/reference/nnf_binary_cross_entropy_with_logits.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ logits." /> - +
    - @@ -211,7 +217,7 @@ Must be a vector with length equal to the number of classes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_celu.html b/docs/reference/nnf_celu.html index b897d2fca..05da6e316 100644 --- a/docs/reference/nnf_celu.html +++ b/docs/reference/nnf_celu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -192,7 +198,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_conv1d.html b/docs/reference/nnf_conv1d.html index 9a147530b..ee18aaf6f 100644 --- a/docs/reference/nnf_conv1d.html +++ b/docs/reference/nnf_conv1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ planes." /> - +
    - @@ -219,7 +225,7 @@ the number of groups. Default: 1

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_conv2d.html b/docs/reference/nnf_conv2d.html index de4ea4d65..70114b845 100644 --- a/docs/reference/nnf_conv2d.html +++ b/docs/reference/nnf_conv2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ planes." /> - +
    - @@ -219,7 +225,7 @@ number of groups. Default: 1

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_conv3d.html b/docs/reference/nnf_conv3d.html index 26aa5d0fa..4fb8675ba 100644 --- a/docs/reference/nnf_conv3d.html +++ b/docs/reference/nnf_conv3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ planes." /> - +
    - @@ -219,7 +225,7 @@ the number of groups. Default: 1

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_conv_tbc.html b/docs/reference/nnf_conv_tbc.html index de69c683a..5267c0c0c 100644 --- a/docs/reference/nnf_conv_tbc.html +++ b/docs/reference/nnf_conv_tbc.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ Input and output dimensions are (Time, Batch, Channels) - hence TBC." /> - +
    - @@ -197,7 +203,7 @@ batch \times \text{in\_channels})\)

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_conv_transpose1d.html b/docs/reference/nnf_conv_transpose1d.html index e9f5cf9ea..54e7178c9 100644 --- a/docs/reference/nnf_conv_transpose1d.html +++ b/docs/reference/nnf_conv_transpose1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ composed of several input planes, sometimes also called "deconvolution" - +
    - @@ -220,7 +226,7 @@ a one-element tuple (dW,). Default: 1

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_conv_transpose2d.html b/docs/reference/nnf_conv_transpose2d.html index 6ee3e32b2..e3c2977bd 100644 --- a/docs/reference/nnf_conv_transpose2d.html +++ b/docs/reference/nnf_conv_transpose2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ composed of several input planes, sometimes also called "deconvolution" - +
    - @@ -220,7 +226,7 @@ a tuple (dH, dW). Default: 1

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_conv_transpose3d.html b/docs/reference/nnf_conv_transpose3d.html index 07187716c..4c5ade49f 100644 --- a/docs/reference/nnf_conv_transpose3d.html +++ b/docs/reference/nnf_conv_transpose3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ composed of several input planes, sometimes also called "deconvolution" - +
    - @@ -220,7 +226,7 @@ a tuple (dT, dH, dW). Default: 1

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_cosine_embedding_loss.html b/docs/reference/nnf_cosine_embedding_loss.html index af38ff8c4..4194dfb85 100644 --- a/docs/reference/nnf_cosine_embedding_loss.html +++ b/docs/reference/nnf_cosine_embedding_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ Tensor label y with values 1 or -1. This is used for measuring whether two inputs are similar or dissimilar, using the cosine distance, and is typically used for learning nonlinear embeddings or semi-supervised learning." /> - @@ -58,7 +61,7 @@ for learning nonlinear embeddings or semi-supervised learning." /> - +
    - @@ -213,7 +219,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_cosine_similarity.html b/docs/reference/nnf_cosine_similarity.html index 5483192d2..aa30cb7f5 100644 --- a/docs/reference/nnf_cosine_similarity.html +++ b/docs/reference/nnf_cosine_similarity.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -200,7 +205,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_cross_entropy.html b/docs/reference/nnf_cross_entropy.html index f80c69beb..2dfa00f58 100644 --- a/docs/reference/nnf_cross_entropy.html +++ b/docs/reference/nnf_cross_entropy.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ function." /> - +
    - @@ -213,7 +219,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_ctc_loss.html b/docs/reference/nnf_ctc_loss.html index 9816fd7bb..10f09358b 100644 --- a/docs/reference/nnf_ctc_loss.html +++ b/docs/reference/nnf_ctc_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -221,7 +227,7 @@ inputs are too short to be aligned to the targets.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_dropout.html b/docs/reference/nnf_dropout.html index b3579a91d..e58dd6b73 100644 --- a/docs/reference/nnf_dropout.html +++ b/docs/reference/nnf_dropout.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ distribution." /> - +
    - @@ -198,7 +204,7 @@ Default: FALSE

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_dropout2d.html b/docs/reference/nnf_dropout2d.html index a3dcfd28a..9347f0633 100644 --- a/docs/reference/nnf_dropout2d.html +++ b/docs/reference/nnf_dropout2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -41,7 +45,6 @@ e.g., the \(j\)-th channel of the \(i\)-th sample in the batched input is a 2D tensor \(input[i, j]\)) of the input tensor). Each channel will be zeroed out independently on every forward call with probability p using samples from a Bernoulli distribution." /> - @@ -59,7 +62,7 @@ probability p using samples from a Bernoulli distribution." /> - +
    - @@ -202,7 +208,7 @@ Default: FALSE

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_dropout3d.html b/docs/reference/nnf_dropout3d.html index eda0daf4c..b86ac8964 100644 --- a/docs/reference/nnf_dropout3d.html +++ b/docs/reference/nnf_dropout3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -41,7 +45,6 @@ e.g., the \(j\)-th channel of the \(i\)-th sample in the batched input is a 3D tensor \(input[i, j]\)) of the input tensor). Each channel will be zeroed out independently on every forward call with probability p using samples from a Bernoulli distribution." /> - @@ -59,7 +62,7 @@ probability p using samples from a Bernoulli distribution." /> - +
    - @@ -202,7 +208,7 @@ Default: FALSE

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_elu.html b/docs/reference/nnf_elu.html index be292a1e9..b4c3b141d 100644 --- a/docs/reference/nnf_elu.html +++ b/docs/reference/nnf_elu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ $$ELU(x) = max(0,x) + min(0, \alpha * (exp(x) - 1))$$." /> - +
    - @@ -203,7 +208,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_embedding.html b/docs/reference/nnf_embedding.html index 5190e472e..1c283b1d4 100644 --- a/docs/reference/nnf_embedding.html +++ b/docs/reference/nnf_embedding.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -227,7 +232,7 @@ and the output is the corresponding word embeddings.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_embedding_bag.html b/docs/reference/nnf_embedding_bag.html index 03d05d6ad..a6021bcb2 100644 --- a/docs/reference/nnf_embedding_bag.html +++ b/docs/reference/nnf_embedding_bag.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ intermediate embeddings." /> - +
    - @@ -243,7 +249,7 @@ equal to the number of bags + 1.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_fold.html b/docs/reference/nnf_fold.html index 2f0eb6a10..67dd78f8a 100644 --- a/docs/reference/nnf_fold.html +++ b/docs/reference/nnf_fold.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ tensor." /> - +
    - @@ -222,7 +227,7 @@ supported.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_fractional_max_pool2d.html b/docs/reference/nnf_fractional_max_pool2d.html index d554005f6..0a96dfc48 100644 --- a/docs/reference/nnf_fractional_max_pool2d.html +++ b/docs/reference/nnf_fractional_max_pool2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -219,7 +224,7 @@ The number of output features is equal to the number of input planes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_fractional_max_pool3d.html b/docs/reference/nnf_fractional_max_pool3d.html index cd4f1f844..ed1622470 100644 --- a/docs/reference/nnf_fractional_max_pool3d.html +++ b/docs/reference/nnf_fractional_max_pool3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -215,7 +220,7 @@ The number of output features is equal to the number of input planes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_gelu.html b/docs/reference/nnf_gelu.html index 2126f9737..5c514ce91 100644 --- a/docs/reference/nnf_gelu.html +++ b/docs/reference/nnf_gelu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -193,7 +198,7 @@ Gaussian Distribution.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_glu.html b/docs/reference/nnf_glu.html index 702fedd22..97c3a514e 100644 --- a/docs/reference/nnf_glu.html +++ b/docs/reference/nnf_glu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -193,7 +198,7 @@ between matrices.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_grid_sample.html b/docs/reference/nnf_grid_sample.html index 032607697..2c899a12c 100644 --- a/docs/reference/nnf_grid_sample.html +++ b/docs/reference/nnf_grid_sample.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ output using input values and pixel locations from grid." /> - +
    - @@ -255,7 +259,7 @@ to build Spatial Transformer Networks_ .

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_group_norm.html b/docs/reference/nnf_group_norm.html index 81db2c236..66da3387b 100644 --- a/docs/reference/nnf_group_norm.html +++ b/docs/reference/nnf_group_norm.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -197,7 +203,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_gumbel_softmax.html b/docs/reference/nnf_gumbel_softmax.html index b5109b9fd..5bfc8e2cd 100644 --- a/docs/reference/nnf_gumbel_softmax.html +++ b/docs/reference/nnf_gumbel_softmax.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ optionally discretizes." /> - +
    - @@ -195,7 +201,7 @@ optionally discretizes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_hardshrink.html b/docs/reference/nnf_hardshrink.html index 6d5191c1f..daa785332 100644 --- a/docs/reference/nnf_hardshrink.html +++ b/docs/reference/nnf_hardshrink.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -186,7 +192,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_hardsigmoid.html b/docs/reference/nnf_hardsigmoid.html index 30b001db9..28448a9dc 100644 --- a/docs/reference/nnf_hardsigmoid.html +++ b/docs/reference/nnf_hardsigmoid.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -186,7 +192,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_hardswish.html b/docs/reference/nnf_hardswish.html index b1ab9fb89..78a9e8e71 100644 --- a/docs/reference/nnf_hardswish.html +++ b/docs/reference/nnf_hardswish.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ Searching for MobileNetV3." /> - +
    - @@ -198,7 +203,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_hardtanh.html b/docs/reference/nnf_hardtanh.html index 748827320..622504f61 100644 --- a/docs/reference/nnf_hardtanh.html +++ b/docs/reference/nnf_hardtanh.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -196,7 +202,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_hinge_embedding_loss.html b/docs/reference/nnf_hinge_embedding_loss.html index 60487ce3e..a816cc8c8 100644 --- a/docs/reference/nnf_hinge_embedding_loss.html +++ b/docs/reference/nnf_hinge_embedding_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ This is usually used for measuring whether two inputs are similar or dissimilar, e.g. using the L1 pairwise distance as xx , and is typically used for learning nonlinear embeddings or semi-supervised learning." /> - @@ -58,7 +61,7 @@ embeddings or semi-supervised learning." /> - +
    - @@ -202,7 +208,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_instance_norm.html b/docs/reference/nnf_instance_norm.html index eb1da4c2c..42179c376 100644 --- a/docs/reference/nnf_instance_norm.html +++ b/docs/reference/nnf_instance_norm.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ batch." /> - +
    - @@ -220,7 +226,7 @@ batch.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_interpolate.html b/docs/reference/nnf_interpolate.html index 26bf2ac56..b6ae689c3 100644 --- a/docs/reference/nnf_interpolate.html +++ b/docs/reference/nnf_interpolate.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ scale_factor" /> - +
    - @@ -240,7 +245,7 @@ expected inputs are 3-D, 4-D or 5-D in shape.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_kl_div.html b/docs/reference/nnf_kl_div.html index 7fbfb335b..879a846a3 100644 --- a/docs/reference/nnf_kl_div.html +++ b/docs/reference/nnf_kl_div.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -192,7 +198,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_l1_loss.html b/docs/reference/nnf_l1_loss.html index a4d7dafaf..b23bdbeb1 100644 --- a/docs/reference/nnf_l1_loss.html +++ b/docs/reference/nnf_l1_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -192,7 +198,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_layer_norm.html b/docs/reference/nnf_layer_norm.html index 48e36b8b8..ac5e290c9 100644 --- a/docs/reference/nnf_layer_norm.html +++ b/docs/reference/nnf_layer_norm.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -205,7 +211,7 @@ over the last dimension which is expected to be of that specific size.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_leaky_relu.html b/docs/reference/nnf_leaky_relu.html index c6b712834..17c5bf15f 100644 --- a/docs/reference/nnf_leaky_relu.html +++ b/docs/reference/nnf_leaky_relu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ - +
    - @@ -192,7 +198,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_linear.html b/docs/reference/nnf_linear.html index 8e19c281e..742a2a1a9 100644 --- a/docs/reference/nnf_linear.html +++ b/docs/reference/nnf_linear.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -190,7 +196,7 @@ additional dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_local_response_norm.html b/docs/reference/nnf_local_response_norm.html index 8aea475aa..b529dea17 100644 --- a/docs/reference/nnf_local_response_norm.html +++ b/docs/reference/nnf_local_response_norm.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ Applies normalization across channels." /> - +
    - @@ -201,7 +207,7 @@ Applies normalization across channels.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_log_softmax.html b/docs/reference/nnf_log_softmax.html index b8f2d933a..ca503c4ce 100644 --- a/docs/reference/nnf_log_softmax.html +++ b/docs/reference/nnf_log_softmax.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -198,7 +203,7 @@ uses an alternative formulation to compute the output and gradient correctly.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_logsigmoid.html b/docs/reference/nnf_logsigmoid.html index d726a3c57..e22f71f90 100644 --- a/docs/reference/nnf_logsigmoid.html +++ b/docs/reference/nnf_logsigmoid.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -182,7 +188,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_lp_pool1d.html b/docs/reference/nnf_lp_pool1d.html index 0db808d26..0d336cffb 100644 --- a/docs/reference/nnf_lp_pool1d.html +++ b/docs/reference/nnf_lp_pool1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ zero, the gradient is set to zero as well." /> - +
    - @@ -202,7 +208,7 @@ proportional to the avg pooling)

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_lp_pool2d.html b/docs/reference/nnf_lp_pool2d.html index 808b9fad9..f42b8cc8c 100644 --- a/docs/reference/nnf_lp_pool2d.html +++ b/docs/reference/nnf_lp_pool2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ zero, the gradient is set to zero as well." /> - +
    - @@ -202,7 +208,7 @@ proportional to the avg pooling)

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_margin_ranking_loss.html b/docs/reference/nnf_margin_ranking_loss.html index fa0ebc686..645927076 100644 --- a/docs/reference/nnf_margin_ranking_loss.html +++ b/docs/reference/nnf_margin_ranking_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ mini-batch Tensors, and a label 1D mini-batch tensor y (containing 1 or -1)." /> - +
    - @@ -202,7 +208,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_max_pool1d.html b/docs/reference/nnf_max_pool1d.html index 5db9bfc87..ffdb93f9c 100644 --- a/docs/reference/nnf_max_pool1d.html +++ b/docs/reference/nnf_max_pool1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ planes." /> - +
    - @@ -215,7 +221,7 @@ output shape. Default: FALSE

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_max_pool2d.html b/docs/reference/nnf_max_pool2d.html index aff0991c2..56dc4399c 100644 --- a/docs/reference/nnf_max_pool2d.html +++ b/docs/reference/nnf_max_pool2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ planes." /> - +
    - @@ -215,7 +221,7 @@ to compute the output shape. Default: FALSE

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_max_pool3d.html b/docs/reference/nnf_max_pool3d.html index 407a4bbc1..ada5bfcaf 100644 --- a/docs/reference/nnf_max_pool3d.html +++ b/docs/reference/nnf_max_pool3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ planes." /> - +
    - @@ -215,7 +221,7 @@ to compute the output shape

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_max_unpool1d.html b/docs/reference/nnf_max_unpool1d.html index 6ca7f54c2..1ede4d0e4 100644 --- a/docs/reference/nnf_max_unpool1d.html +++ b/docs/reference/nnf_max_unpool1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -208,7 +214,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_max_unpool2d.html b/docs/reference/nnf_max_unpool2d.html index ccca8e7d2..540bbd496 100644 --- a/docs/reference/nnf_max_unpool2d.html +++ b/docs/reference/nnf_max_unpool2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -208,7 +214,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_max_unpool3d.html b/docs/reference/nnf_max_unpool3d.html index b5fef3ed5..2f4f22e6e 100644 --- a/docs/reference/nnf_max_unpool3d.html +++ b/docs/reference/nnf_max_unpool3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -208,7 +214,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_mse_loss.html b/docs/reference/nnf_mse_loss.html index 199323077..12b6e0182 100644 --- a/docs/reference/nnf_mse_loss.html +++ b/docs/reference/nnf_mse_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -192,7 +198,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_multi_head_attention_forward.html b/docs/reference/nnf_multi_head_attention_forward.html index 4eb459e8d..c8523f853 100644 --- a/docs/reference/nnf_multi_head_attention_forward.html +++ b/docs/reference/nnf_multi_head_attention_forward.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ subspaces. See reference: Attention Is All You Need" /> - +
    - @@ -272,7 +278,7 @@ which is a combination of q_proj_weight, k_proj_weight, v_proj_weight.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_multi_margin_loss.html b/docs/reference/nnf_multi_margin_loss.html index 178558262..8ddd64612 100644 --- a/docs/reference/nnf_multi_margin_loss.html +++ b/docs/reference/nnf_multi_margin_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ - +
    - @@ -216,7 +222,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_multilabel_margin_loss.html b/docs/reference/nnf_multilabel_margin_loss.html index fe015c753..ea6a71e1f 100644 --- a/docs/reference/nnf_multilabel_margin_loss.html +++ b/docs/reference/nnf_multilabel_margin_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ is a 2D Tensor of target class indices)." /> - +
    - @@ -196,7 +202,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_multilabel_soft_margin_loss.html b/docs/reference/nnf_multilabel_soft_margin_loss.html index 2f9268a71..1370e1001 100644 --- a/docs/reference/nnf_multilabel_soft_margin_loss.html +++ b/docs/reference/nnf_multilabel_soft_margin_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ max-entropy, between input x and target y of size (N, C)." /> - +
    - @@ -194,7 +200,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_nll_loss.html b/docs/reference/nnf_nll_loss.html index b4f0373fc..c11ba0694 100644 --- a/docs/reference/nnf_nll_loss.html +++ b/docs/reference/nnf_nll_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -211,7 +217,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_normalize.html b/docs/reference/nnf_normalize.html index e1a22165a..807d64765 100644 --- a/docs/reference/nnf_normalize.html +++ b/docs/reference/nnf_normalize.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -207,7 +212,7 @@ dimension \(1\) for normalization.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_one_hot.html b/docs/reference/nnf_one_hot.html index 183f6ff7f..648cd0d36 100644 --- a/docs/reference/nnf_one_hot.html +++ b/docs/reference/nnf_one_hot.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ of shape (*, num_classes) that have zeros everywhere except where the index of last dimension matches the corresponding value of the input tensor, in which case it will be 1." /> - @@ -58,7 +61,7 @@ in which case it will be 1." /> - +
    - @@ -197,7 +202,7 @@ the input tensor.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_pad.html b/docs/reference/nnf_pad.html index 1037d5a67..081493970 100644 --- a/docs/reference/nnf_pad.html +++ b/docs/reference/nnf_pad.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -226,7 +230,7 @@ dimensions of 4D input tensor, or the last dimension of 3D input tensor.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_pairwise_distance.html b/docs/reference/nnf_pairwise_distance.html index b2be77aa5..460a8da19 100644 --- a/docs/reference/nnf_pairwise_distance.html +++ b/docs/reference/nnf_pairwise_distance.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -198,7 +204,7 @@ Default: 1e-8

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_pdist.html b/docs/reference/nnf_pdist.html index bd621cb99..90066dc5f 100644 --- a/docs/reference/nnf_pdist.html +++ b/docs/reference/nnf_pdist.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ This is identical to the upper triangular portion, excluding the diagonal, of torch_norm(input[:, None] - input, dim=2, p=p). This function will be faster if the rows are contiguous." /> - @@ -58,7 +61,7 @@ if the rows are contiguous." /> - +
    - @@ -197,7 +202,7 @@ if the rows are contiguous.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_pixel_shuffle.html b/docs/reference/nnf_pixel_shuffle.html index 0e4c3a40d..b827dea84 100644 --- a/docs/reference/nnf_pixel_shuffle.html +++ b/docs/reference/nnf_pixel_shuffle.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ tensor of shape \((*, C, H \times r, W \times r)\)." /> - +
    - @@ -187,7 +193,7 @@ tensor of shape \((*, C, H \times r, W \times r)\).

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_poisson_nll_loss.html b/docs/reference/nnf_poisson_nll_loss.html index f27f96b2f..aff756c5a 100644 --- a/docs/reference/nnf_poisson_nll_loss.html +++ b/docs/reference/nnf_poisson_nll_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -215,7 +221,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_prelu.html b/docs/reference/nnf_prelu.html index d2860d146..0bcf71e7f 100644 --- a/docs/reference/nnf_prelu.html +++ b/docs/reference/nnf_prelu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ where weight is a learnable parameter." /> - +
    - @@ -190,7 +196,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_relu.html b/docs/reference/nnf_relu.html index b90fc10c8..85fe5a165 100644 --- a/docs/reference/nnf_relu.html +++ b/docs/reference/nnf_relu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -188,7 +194,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_relu6.html b/docs/reference/nnf_relu6.html index 7bb14058d..3d1199372 100644 --- a/docs/reference/nnf_relu6.html +++ b/docs/reference/nnf_relu6.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -186,7 +192,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_rrelu.html b/docs/reference/nnf_rrelu.html index 9c382eea7..11596e37b 100644 --- a/docs/reference/nnf_rrelu.html +++ b/docs/reference/nnf_rrelu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -200,7 +206,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_selu.html b/docs/reference/nnf_selu.html index 126d9982b..458c9939f 100644 --- a/docs/reference/nnf_selu.html +++ b/docs/reference/nnf_selu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -40,7 +44,6 @@ $$SELU(x) = scale * (max(0,x) + min(0, \alpha * (exp(x) - 1)))$$, with \(\alpha=1.6732632423543772848170429916717\) and \(scale=1.0507009873554804934193349852946\)." /> - @@ -58,7 +61,7 @@ with \(\alpha=1.6732632423543772848170429916717\) and - +
    - @@ -203,7 +208,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_smooth_l1_loss.html b/docs/reference/nnf_smooth_l1_loss.html index 02447550d..c82543798 100644 --- a/docs/reference/nnf_smooth_l1_loss.html +++ b/docs/reference/nnf_smooth_l1_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ element-wise error falls below 1 and an L1 term otherwise." /> - +
    - @@ -194,7 +200,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_soft_margin_loss.html b/docs/reference/nnf_soft_margin_loss.html index bbf39037b..0b0801d00 100644 --- a/docs/reference/nnf_soft_margin_loss.html +++ b/docs/reference/nnf_soft_margin_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ between input tensor x and target tensor y (containing 1 or -1)." /> - +
    - @@ -194,7 +200,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_softmax.html b/docs/reference/nnf_softmax.html index 0b54b21a0..d8b484bb0 100644 --- a/docs/reference/nnf_softmax.html +++ b/docs/reference/nnf_softmax.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -197,7 +202,7 @@ lie in the range [0, 1] and sum to 1.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_softmin.html b/docs/reference/nnf_softmin.html index 456ccb686..589326cb0 100644 --- a/docs/reference/nnf_softmin.html +++ b/docs/reference/nnf_softmin.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -197,7 +202,7 @@ This is useful for preventing data type overflows. Default: NULL.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_softplus.html b/docs/reference/nnf_softplus.html index f600e7925..b773cbbca 100644 --- a/docs/reference/nnf_softplus.html +++ b/docs/reference/nnf_softplus.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -195,7 +200,7 @@ when \(input * \beta > threshold\).

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_softshrink.html b/docs/reference/nnf_softshrink.html index 998ade4d5..0ded98af6 100644 --- a/docs/reference/nnf_softshrink.html +++ b/docs/reference/nnf_softshrink.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -187,7 +193,7 @@ formulation. Default: 0.5

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_softsign.html b/docs/reference/nnf_softsign.html index 5ce92f031..e3e4a9827 100644 --- a/docs/reference/nnf_softsign.html +++ b/docs/reference/nnf_softsign.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -182,7 +188,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_tanhshrink.html b/docs/reference/nnf_tanhshrink.html index 07471ba25..892454e54 100644 --- a/docs/reference/nnf_tanhshrink.html +++ b/docs/reference/nnf_tanhshrink.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -182,7 +188,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_threshold.html b/docs/reference/nnf_threshold.html index c2e959b23..54d71611d 100644 --- a/docs/reference/nnf_threshold.html +++ b/docs/reference/nnf_threshold.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -196,7 +202,7 @@ dimensions

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_triplet_margin_loss.html b/docs/reference/nnf_triplet_margin_loss.html index 195c2bfac..1804eb945 100644 --- a/docs/reference/nnf_triplet_margin_loss.html +++ b/docs/reference/nnf_triplet_margin_loss.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -41,7 +45,6 @@ x2 , x3 and a margin with a value greater than 0 . This is used for measuring a relative similarity between samples. A triplet is composed by a, p and n (i.e., anchor, positive examples and negative examples respectively). The shapes of all input tensors should be (N, D)." /> - @@ -59,7 +62,7 @@ input tensors should be (N, D)." /> - +
    - @@ -231,7 +237,7 @@ the sum of the output will be divided by the number of elements in the output,
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/nnf_unfold.html b/docs/reference/nnf_unfold.html index d8cb18361..c5693c9ed 100644 --- a/docs/reference/nnf_unfold.html +++ b/docs/reference/nnf_unfold.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -214,7 +219,7 @@ to the tensor, please clone it first.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/optim_required.html b/docs/reference/optim_required.html index 51e0eee6c..999f2b63a 100644 --- a/docs/reference/optim_required.html +++ b/docs/reference/optim_required.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -172,7 +179,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/optim_sgd.html b/docs/reference/optim_sgd.html index 6fe0f74f7..57cc5c200 100644 --- a/docs/reference/optim_sgd.html +++ b/docs/reference/optim_sgd.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ On the importance of initialization and momentum in deep learning." /> - +
    - @@ -247,7 +251,7 @@ The Nesterov version is analogously modified.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/tensor_dataset.html b/docs/reference/tensor_dataset.html index ffaaa61e0..775bbe28f 100644 --- a/docs/reference/tensor_dataset.html +++ b/docs/reference/tensor_dataset.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -181,7 +187,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_abs.html b/docs/reference/torch_abs.html index 2c3c47559..81b33bfad 100644 --- a/docs/reference/torch_abs.html +++ b/docs/reference/torch_abs.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -202,7 +206,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_acos.html b/docs/reference/torch_acos.html index 6f046e6ce..3325cec71 100644 --- a/docs/reference/torch_acos.html +++ b/docs/reference/torch_acos.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -209,7 +213,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_adaptive_avg_pool1d.html b/docs/reference/torch_adaptive_avg_pool1d.html index 4dc0503ed..86c64917c 100644 --- a/docs/reference/torch_adaptive_avg_pool1d.html +++ b/docs/reference/torch_adaptive_avg_pool1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -194,7 +198,7 @@ several input planes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_add.html b/docs/reference/torch_add.html index 9d77dcc11..8e2f299ce 100644 --- a/docs/reference/torch_add.html +++ b/docs/reference/torch_add.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -255,7 +258,7 @@ a real number, otherwise it should be an integer.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_addbmm.html b/docs/reference/torch_addbmm.html index 52758d9f3..3393155ab 100644 --- a/docs/reference/torch_addbmm.html +++ b/docs/reference/torch_addbmm.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> -0.3003 0.3048 -4.4671 6.7209 -0.5864 -#> 3.4396 13.3720 -6.1987 3.9558 10.6695 -#> 10.3270 0.2771 -7.4006 2.8166 3.6295 +#> 0.0056 -0.6895 0.8576 9.0844 -8.8459 +#> 1.4513 -18.8992 -9.9800 -3.6803 -8.3003 +#> -6.2237 4.0048 7.9344 4.5626 -2.1477 #> [ CPUFloatType{3,5} ]
    - @@ -233,7 +237,7 @@ must be real numbers, otherwise they should be integers.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_addcdiv.html b/docs/reference/torch_addcdiv.html index 4615310f3..8b1df2ced 100644 --- a/docs/reference/torch_addcdiv.html +++ b/docs/reference/torch_addcdiv.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> 0.3149 0.9439 -0.1786 -#> 0.6064 1.1837 -0.2312 -#> -0.0519 0.6420 -0.1125 +#> 2.1235 0.1496 2.2654 +#> 2.2252 0.3993 1.0274 +#> 2.0223 -0.0987 3.4963 #> [ CPUFloatType{3,3} ]
    - @@ -237,7 +240,7 @@ a real number, otherwise an integer.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_addcmul.html b/docs/reference/torch_addcmul.html index 922ad0a73..77bed181d 100644 --- a/docs/reference/torch_addcmul.html +++ b/docs/reference/torch_addcmul.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> -1.5059 -0.8138 -1.9018 -#> -1.4378 -0.8953 -1.8804 -#> -1.5422 -0.7704 -1.9132 +#> -0.0426 0.8101 0.1256 +#> 0.1604 0.7367 0.0433 +#> 0.2020 0.7217 0.0264 #> [ CPUFloatType{3,3} ]
    - @@ -223,7 +227,7 @@ a real number, otherwise an integer.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_addmm.html b/docs/reference/torch_addmm.html index 8651fa25c..4be17f3d8 100644 --- a/docs/reference/torch_addmm.html +++ b/docs/reference/torch_addmm.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> 0.1004 -0.2141 -0.2335 -#> -1.1116 0.7334 -5.7537 +#> -1.5406 -2.6374 2.8996 +#> 1.5895 2.1413 -6.3147 #> [ CPUFloatType{2,3} ]
    - @@ -229,7 +233,7 @@ For inputs of type FloatTensor or DoubleTensor, argume
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_addmv.html b/docs/reference/torch_addmv.html index a6ad17d3b..10e1b8e35 100644 --- a/docs/reference/torch_addmv.html +++ b/docs/reference/torch_addmv.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> 2.2386 -#> 0.2180 +#> 0.1951 +#> 1.9495 #> [ CPUFloatType{2} ]
    - @@ -230,7 +234,7 @@ For inputs of type FloatTensor or DoubleTensor, argume
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_addr.html b/docs/reference/torch_addr.html index e6881db3a..29948f4ec 100644 --- a/docs/reference/torch_addr.html +++ b/docs/reference/torch_addr.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -232,7 +236,7 @@ broadcastable with a matrix of size
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_allclose.html b/docs/reference/torch_allclose.html index f826ccd44..c10e7328d 100644 --- a/docs/reference/torch_allclose.html +++ b/docs/reference/torch_allclose.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -212,7 +216,7 @@ elementwise, for all elements of input and other. The
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_angle.html b/docs/reference/torch_angle.html index 16c2a4f25..9293e2ca2 100644 --- a/docs/reference/torch_angle.html +++ b/docs/reference/torch_angle.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -199,7 +203,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_arange.html b/docs/reference/torch_arange.html index 430a4978a..daa184ea7 100644 --- a/docs/reference/torch_arange.html +++ b/docs/reference/torch_arange.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -241,7 +245,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_argmax.html b/docs/reference/torch_argmax.html index 50970c918..26257e935 100644 --- a/docs/reference/torch_argmax.html +++ b/docs/reference/torch_argmax.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> -0.4246 0.5570 -0.2311 -1.8952 -#> 0.2595 0.6579 -1.1486 -0.8021 -#> -1.1541 0.7955 -0.9770 -2.2117 -#> 0.1137 -0.3595 -0.1008 0.4997 +#> -1.1678 -0.8749 -0.3145 -0.7441 +#> 1.2422 -0.6964 0.4481 -0.8855 +#> 1.1389 -0.3338 0.4285 -1.9451 +#> -0.2891 1.6210 1.3582 -0.7004 #> [ CPUFloatType{4,4} ]
    torch_argmax(a, dim=1)
    #> torch_tensor +#> 2 +#> 0 +#> 0 #> 1 -#> 1 -#> 1 -#> 3 #> [ CPULongType{4} ]
    - @@ -228,7 +231,7 @@ documentation for the exact semantics of this method.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_argmin.html b/docs/reference/torch_argmin.html index 2b498e58d..2f10b0b31 100644 --- a/docs/reference/torch_argmin.html +++ b/docs/reference/torch_argmin.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -231,7 +234,7 @@ documentation for the exact semantics of this method.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_argsort.html b/docs/reference/torch_argsort.html index d0f0df4e0..ddcb0f426 100644 --- a/docs/reference/torch_argsort.html +++ b/docs/reference/torch_argsort.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -213,7 +217,7 @@ for the exact semantics of this method.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_as_strided.html b/docs/reference/torch_as_strided.html index aee9939de..269bf6154 100644 --- a/docs/reference/torch_as_strided.html +++ b/docs/reference/torch_as_strided.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -231,7 +235,7 @@ advisable to use.
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_asin.html b/docs/reference/torch_asin.html index 20aefea9d..7cf9debdd 100644 --- a/docs/reference/torch_asin.html +++ b/docs/reference/torch_asin.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -209,7 +213,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_atan.html b/docs/reference/torch_atan.html index 6f0315790..edd9b49c9 100644 --- a/docs/reference/torch_atan.html +++ b/docs/reference/torch_atan.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -211,7 +213,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_atan2.html b/docs/reference/torch_atan2.html index 77ae4a813..4eaf901bc 100644 --- a/docs/reference/torch_atan2.html +++ b/docs/reference/torch_atan2.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -217,7 +221,7 @@ broadcastable .

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_avg_pool1d.html b/docs/reference/torch_avg_pool1d.html index 01965ef66..bffe0b392 100644 --- a/docs/reference/torch_avg_pool1d.html +++ b/docs/reference/torch_avg_pool1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -214,7 +218,7 @@ input planes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_baddbmm.html b/docs/reference/torch_baddbmm.html index e4372f28c..139736682 100644 --- a/docs/reference/torch_baddbmm.html +++ b/docs/reference/torch_baddbmm.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor #> (1,.,.) = -#> -2.9869 -1.3917 4.8121 2.6801 0.4970 -#> -0.6722 -0.5343 -0.2736 -0.2910 -0.8027 -#> 1.2152 -0.8970 0.3727 1.5642 -1.8818 +#> -3.1362 -2.4402 1.9198 -2.7523 2.1046 +#> 0.1492 -0.1034 -1.1902 2.2334 -0.8871 +#> 2.0365 -1.3281 0.1097 2.0461 -0.5725 #> #> (2,.,.) = -#> -1.0864 -2.3874 1.1161 -1.0352 -2.5379 -#> -2.6038 -0.6353 -0.3067 -2.1740 -3.0761 -#> -0.7750 0.0849 -1.5978 0.0331 -4.5138 +#> 0.8292 1.8242 -0.7493 0.7543 -0.4375 +#> 1.5200 -3.2145 0.2280 0.8277 0.1510 +#> -2.9473 5.1171 -1.3905 1.5434 -3.8350 #> #> (3,.,.) = -#> -1.3408 0.3945 0.0186 0.8016 0.3782 -#> 0.3144 -0.1460 1.8359 -0.4717 -0.4261 -#> -0.2644 0.9224 -0.9514 -0.3230 -0.8804 +#> 0.0799 -4.3140 -0.6557 -4.0161 1.6501 +#> 0.2608 -2.2498 -1.7169 -5.5390 5.5681 +#> -2.5244 3.6268 1.9341 5.9345 -5.5884 #> #> (4,.,.) = -#> -1.7710 1.8200 5.1139 1.7719 1.3042 -#> 0.4179 -2.9976 5.5907 1.9686 2.0681 -#> -1.5007 -0.8825 1.3306 3.2263 5.9130 +#> 3.4253 -3.8292 5.0747 1.9894 1.7453 +#> 1.2957 0.1318 -2.6503 -0.8512 3.0607 +#> 2.1913 -3.4281 -0.1110 4.5760 1.2138 #> #> (5,.,.) = -#> 1.0443 -1.3458 -3.3142 -1.3143 -0.2952 -#> 2.4082 0.8633 1.5211 -1.4663 2.7027 -#> 4.9612 -2.7759 -2.9186 -2.9989 -4.1435 +#> -2.0102 0.2638 0.2315 2.2472 -1.2765 +#> 1.1315 -1.4136 0.6377 0.9502 0.0074 +#> 1.5379 0.6689 0.7699 0.1216 1.4433 #> #> (6,.,.) = -#> 1.2320 1.6265 4.0314 0.9003 0.1198 -#> -2.2102 -2.8019 1.2727 0.1213 1.4512 -#> -1.0200 -3.7673 3.5301 2.1980 2.0768 +#> 0.2184 0.3440 1.8239 -0.7699 1.6485 +#> -1.3275 0.0661 0.1862 -1.5553 -0.5945 +#> 1.5134 0.0898 2.5102 0.1612 -0.4426 #> #> (7,.,.) = -#> -0.2709 -2.0239 0.4376 -0.1861 -0.4127 -#> 6.5082 4.0861 -4.5176 -0.1955 -4.9896 -#> 0.9454 2.4810 2.2381 0.0161 2.0335 +#> -1.0019 -0.1102 1.2641 3.3594 1.1865 +#> 1.7645 2.6655 0.4440 1.3305 0.6995 +#> 0.1302 1.9521 -2.1035 0.9167 -1.8378 #> #> (8,.,.) = -#> -1.3979 -0.3542 0.8288 -2.0490 -0.5423 -#> 0.2708 -1.0947 -1.0527 0.0600 -0.0195 -#> 2.0560 -0.0066 0.2028 2.9960 -2.6488 +#> 1.6157 -1.9324 -2.6435 -1.3508 2.3126 +#> 2.4947 -0.4956 -1.0130 0.0370 -1.4539 +#> 1.2888 0.5589 -1.8420 -1.1686 -1.1956 #> #> (9,.,.) = -#> 2.2763 -5.0346 -2.6252 0.4741 2.1598 -#> -2.9263 3.2645 1.7366 -2.8737 -2.1571 -#> -4.0837 1.2854 3.9757 -0.0473 -0.0701 +#> -2.6521 2.0132 0.3045 -0.9801 1.1129 +#> 2.6551 -4.0959 -0.5808 4.5503 -0.6912 +#> -2.2121 -2.6277 -1.5587 -0.0660 -2.5625 #> #> (10,.,.) = -#> -2.9929 5.9263 0.1980 3.0945 -3.0164 -#> -0.5926 -0.4319 -1.6611 -4.0885 0.1696 -#> 1.2437 -1.7912 -1.7166 0.2167 1.6076 +#> -0.6664 -0.4538 0.5439 1.2781 1.0205 +#> -1.1803 -2.1973 -1.4437 -1.2907 -2.2796 +#> 1.1009 3.0711 4.7308 -2.7528 0.1991 #> [ CPUFloatType{10,3,5} ]
    - @@ -279,7 +283,7 @@ For inputs of type FloatTensor or DoubleTensor, argume
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_bartlett_window.html b/docs/reference/torch_bartlett_window.html index cbc7ca2bd..ec7ca1320 100644 --- a/docs/reference/torch_bartlett_window.html +++ b/docs/reference/torch_bartlett_window.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -234,7 +237,7 @@ above formula is in fact \(\text{window\_length} + 1\). Also, we always have
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_bernoulli.html b/docs/reference/torch_bernoulli.html index 4194a7701..c6aae4735 100644 --- a/docs/reference/torch_bernoulli.html +++ b/docs/reference/torch_bernoulli.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -232,7 +236,7 @@ point dtype.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_bincount.html b/docs/reference/torch_bincount.html index f0d0dc5ff..b48554250 100644 --- a/docs/reference/torch_bincount.html +++ b/docs/reference/torch_bincount.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> 1 -#> 7 #> 3 -#> 1 #> 5 +#> 7 +#> 1 +#> 6 #> [ CPULongType{5} ]
    weights
    #> torch_tensor #> 0.0000 #> 0.2500 @@ -205,30 +213,26 @@ tensor of size 0. If minlength is specified, the number of bins is #> 0.0000 #> 0.7500 #> 0.0000 -#> 0.5000 #> 0.0000 -#> 1.0000 #> 0.0000 #> 0.2500 +#> 1.0000 +#> 0.5000 #> [ CPUFloatType{8} ]
    input$bincount(weights)
    #> torch_tensor #> 0.0000 #> 0.7500 #> 0.0000 -#> 0.5000 #> 0.0000 -#> 1.0000 #> 0.0000 #> 0.2500 +#> 1.0000 +#> 0.5000 #> [ CPUFloatType{8} ]
    - @@ -239,7 +243,7 @@ tensor of size 0. If minlength is specified, the number of bins is
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_bitwise_and.html b/docs/reference/torch_bitwise_and.html index 1d528ad3f..de75e422d 100644 --- a/docs/reference/torch_bitwise_and.html +++ b/docs/reference/torch_bitwise_and.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -201,7 +205,7 @@ integral or Boolean types. For bool tensors, it computes the logical AND.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_bitwise_not.html b/docs/reference/torch_bitwise_not.html index 2c32edd2c..da6181a40 100644 --- a/docs/reference/torch_bitwise_not.html +++ b/docs/reference/torch_bitwise_not.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -197,7 +201,7 @@ integral or Boolean types. For bool tensors, it computes the logical NOT.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_bitwise_or.html b/docs/reference/torch_bitwise_or.html index 228a4b575..460b3f2a4 100644 --- a/docs/reference/torch_bitwise_or.html +++ b/docs/reference/torch_bitwise_or.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -201,7 +205,7 @@ integral or Boolean types. For bool tensors, it computes the logical OR.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_bitwise_xor.html b/docs/reference/torch_bitwise_xor.html index 8b0dd7571..b012c2936 100644 --- a/docs/reference/torch_bitwise_xor.html +++ b/docs/reference/torch_bitwise_xor.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -201,7 +205,7 @@ integral or Boolean types. For bool tensors, it computes the logical XOR.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_blackman_window.html b/docs/reference/torch_blackman_window.html index a4a91c3e0..fb9e2649b 100644 --- a/docs/reference/torch_blackman_window.html +++ b/docs/reference/torch_blackman_window.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -231,7 +234,7 @@ above formula is in fact \(\text{window\_length} + 1\). Also, we always have
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_bmm.html b/docs/reference/torch_bmm.html index c38872081..91763f5bb 100644 --- a/docs/reference/torch_bmm.html +++ b/docs/reference/torch_bmm.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor #> (1,.,.) = -#> -0.4810 -3.8862 -0.6360 4.7232 3.4954 -#> -0.1906 -2.9850 -2.3733 3.4274 0.9894 -#> 1.3230 -0.0257 -3.4623 -0.3454 1.8202 +#> 1.1745 1.9056 -0.9863 -2.3934 -1.3069 +#> 1.3692 0.3791 -0.0341 -0.2138 1.0240 +#> 2.0640 1.6461 -1.3174 -0.6458 1.1465 #> #> (2,.,.) = -#> 1.3136 1.2998 0.1779 1.7448 2.9434 -#> 1.4301 2.4857 -1.0745 2.4742 3.4763 -#> 0.1725 2.4205 -2.6732 2.0590 3.4500 +#> -1.4357 -1.6141 -0.5452 0.4601 -0.9672 +#> -2.1103 0.4079 -0.5910 -0.9853 -1.3962 +#> -3.0251 -1.8102 -0.1124 -0.3983 0.0524 #> #> (3,.,.) = -#> -1.1241 0.6023 -1.5348 -2.1619 -2.8092 -#> 0.5506 -0.3041 -0.1659 0.9251 2.2883 -#> -0.3035 -3.2013 -0.4295 2.2507 3.9028 +#> 0.0590 -3.0489 -1.6948 -1.6117 -2.8706 +#> 2.5704 -1.8781 1.7294 -0.6041 0.9296 +#> -4.3975 -0.0287 -2.2884 -4.4353 -0.5809 #> #> (4,.,.) = -#> 0.1065 1.4173 1.1992 -0.0503 -0.1201 -#> -0.1524 -0.9645 -6.1269 -1.2613 3.2294 -#> 0.2087 0.9056 -0.1299 -3.4663 -2.7709 +#> -1.9596 -0.3429 2.3779 0.2105 3.2258 +#> -1.0426 -0.7531 0.4453 -1.0624 12.3185 +#> 0.7665 -1.6109 0.2223 -0.6109 0.1197 #> #> (5,.,.) = -#> -0.4655 -1.1896 0.0018 -0.0180 0.5612 -#> -1.2008 2.5886 0.4804 -1.6062 1.8784 -#> 0.0711 2.3897 0.7693 -0.7885 1.1344 +#> -1.5448 -1.1669 0.8417 -0.3208 0.3590 +#> 0.5674 1.3536 -0.9211 -2.3607 -0.1648 +#> 0.1414 -0.8032 -0.0501 2.5116 -0.2105 #> #> (6,.,.) = -#> -1.0970 1.3536 1.0811 -1.9103 2.6837 -#> 2.7371 0.5648 -0.9161 -4.1339 3.9011 -#> -0.7459 2.3405 -0.5041 -0.7489 2.8337 +#> -0.6188 -0.3471 -0.0005 0.2015 1.3495 +#> 0.8262 -1.8843 -0.7714 -2.0338 0.1879 +#> 0.8399 0.5305 -1.2765 -0.1254 -1.1123 #> #> (7,.,.) = -#> -1.5387 0.2769 -1.6734 -0.6808 0.6839 -#> -2.4320 6.8926 2.8228 0.5861 1.0656 -#> 4.7034 -5.1779 0.4174 0.1485 -2.7007 +#> -0.2501 -2.8244 -1.4297 0.0888 -2.9237 +#> -1.1889 0.1134 -0.0686 0.1014 0.7825 +#> 0.1186 1.1271 0.0892 1.0449 0.6209 #> #> (8,.,.) = -#> -0.1557 -0.3498 -1.7397 -3.6324 2.9935 -#> -1.2862 -0.5034 -1.7978 -2.2431 1.1642 -#> 7.4131 -0.8078 0.5200 -0.4595 0.2365 +#> -1.0997 -2.1891 -1.8006 -3.0030 2.7693 +#> 1.4913 0.3336 0.2121 0.0021 -4.9589 +#> 0.0988 0.3188 -0.0340 1.2144 -0.0815 #> #> (9,.,.) = -#> -3.3582 -1.0544 1.6696 0.9335 -0.8285 -#> -0.5341 -0.6120 -0.1374 0.7783 1.8157 -#> 4.8516 -0.1463 0.0206 6.9989 -0.5377 +#> 1.4224 -0.2146 -0.7632 -1.9639 2.1865 +#> -2.4053 0.2016 2.2731 3.3917 0.3603 +#> -2.7371 0.2854 2.9043 3.4133 2.6291 #> #> (10,.,.) = -#> 0.0379 0.7356 0.2464 -1.9521 -2.7243 -#> 0.4943 1.2687 1.0980 -3.8939 -2.3259 -#> 0.4141 -3.4522 -3.7885 3.2081 -0.2202 +#> -1.1746 -1.4925 -2.7750 1.3687 -1.1787 +#> -0.0823 -0.5667 -0.7986 0.8820 -0.4830 +#> 2.1016 0.6070 1.3933 -1.8003 -0.4758 #> [ CPUFloatType{10,3,5} ]
    - @@ -266,7 +269,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_broadcast_tensors.html b/docs/reference/torch_broadcast_tensors.html index 36fdc091d..24d1e5f60 100644 --- a/docs/reference/torch_broadcast_tensors.html +++ b/docs/reference/torch_broadcast_tensors.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -197,7 +201,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_can_cast.html b/docs/reference/torch_can_cast.html index 8d6bb9280..062b3b2e8 100644 --- a/docs/reference/torch_can_cast.html +++ b/docs/reference/torch_can_cast.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -196,7 +200,7 @@ described in the type promotion documentation .

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cartesian_prod.html b/docs/reference/torch_cartesian_prod.html index 33fcb70d7..d9f066767 100644 --- a/docs/reference/torch_cartesian_prod.html +++ b/docs/reference/torch_cartesian_prod.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -203,7 +207,7 @@ python's itertools.product.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cat.html b/docs/reference/torch_cat.html index c58d9c03a..57c3b2a48 100644 --- a/docs/reference/torch_cat.html +++ b/docs/reference/torch_cat.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -218,7 +222,7 @@ and torch_chunk.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cdist.html b/docs/reference/torch_cdist.html index deed46dd6..f87d3aa6c 100644 --- a/docs/reference/torch_cdist.html +++ b/docs/reference/torch_cdist.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -204,7 +208,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_ceil.html b/docs/reference/torch_ceil.html index 98715c717..d1262d5b7 100644 --- a/docs/reference/torch_ceil.html +++ b/docs/reference/torch_ceil.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -210,7 +214,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_celu_.html b/docs/reference/torch_celu_.html index 5ef75d373..57dcb0d05 100644 --- a/docs/reference/torch_celu_.html +++ b/docs/reference/torch_celu_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -183,7 +188,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_chain_matmul.html b/docs/reference/torch_chain_matmul.html index 563cf83a3..b30701ee0 100644 --- a/docs/reference/torch_chain_matmul.html +++ b/docs/reference/torch_chain_matmul.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> 30.2029 -4.2118 7.0224 -8.0350 8.0048 20.4973 18.7344 -#> 37.8088 11.9236 3.3578 -10.8967 -1.3074 25.0973 19.3134 -#> 14.0909 0.1985 2.1048 -3.6515 2.5577 8.6584 8.2248 +#> 2.0943 3.8123 -13.6250 -14.2998 1.6971 -0.6454 -4.7941 +#> -10.2585 -2.7219 16.5745 9.0715 -3.8223 -2.2886 3.3800 +#> 16.9294 5.3907 -30.6877 -17.4281 7.7560 4.3074 -7.2602 #> [ CPUFloatType{3,7} ]
    - @@ -203,7 +207,7 @@ If \(N\) is 1, then this is a no-op - the original matrix is returned as is.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cholesky.html b/docs/reference/torch_cholesky.html index 7fdc6795f..7995e1119 100644 --- a/docs/reference/torch_cholesky.html +++ b/docs/reference/torch_cholesky.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> 7.1574 -0.3896 4.2226 -#> -0.3896 1.6170 1.7057 -#> 4.2226 1.7057 8.0317 +#> 15.1174 -0.8492 0.5825 +#> -0.8492 0.9786 -1.6969 +#> 0.5825 -1.6969 3.4253 #> [ CPUFloatType{3,3} ]
    l
    #> torch_tensor -#> 2.6753 0.0000 0.0000 -#> -0.1456 1.2632 0.0000 -#> 1.5783 1.5322 1.7868 +#> 3.8881 0.0000 0.0000 +#> -0.2184 0.9649 0.0000 +#> 0.1498 -1.7248 0.6541 #> [ CPUFloatType{3,3} ]
    torch_mm(l, l$t())
    #> torch_tensor -#> 7.1574 -0.3896 4.2226 -#> -0.3896 1.6170 1.7057 -#> 4.2226 1.7057 8.0317 +#> 15.1174 -0.8492 0.5825 +#> -0.8492 0.9786 -1.6969 +#> 0.5825 -1.6969 3.4253 #> [ CPUFloatType{3,3} ]
    a = torch_randn(c(3, 2, 2)) if (FALSE) { a = torch_matmul(a, a$transpose(-1, -2)) + 1e-03 # make symmetric positive-definite @@ -216,14 +224,10 @@ matrices.

    torch_max(torch_abs(z - a)) # Max non-zero }
    - @@ -234,7 +238,7 @@ matrices.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cholesky_inverse.html b/docs/reference/torch_cholesky_inverse.html index f76e2f8b7..4f68c9fda 100644 --- a/docs/reference/torch_cholesky_inverse.html +++ b/docs/reference/torch_cholesky_inverse.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -218,7 +222,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cholesky_solve.html b/docs/reference/torch_cholesky_solve.html index 8a2ccfc29..e7f26c5f1 100644 --- a/docs/reference/torch_cholesky_solve.html +++ b/docs/reference/torch_cholesky_solve.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> 3.8415 -0.2191 2.7920 -#> -0.2191 4.5465 6.0028 -#> 2.7920 6.0028 10.7656 +#> 3.1556 -0.7314 -0.1760 +#> -0.7314 0.1828 0.1168 +#> -0.1760 0.1168 0.6770 #> [ CPUFloatType{3,3} ]
    b = torch_randn(c(3, 2)) b
    #> torch_tensor -#> 1.2246 -0.2244 -#> 0.5929 -1.0500 -#> 1.1082 0.4790 +#> 1.2306 1.3854 +#> 0.3226 1.2456 +#> 1.7452 -1.8279 #> [ CPUFloatType{3,2} ]
    torch_cholesky_solve(b, u)
    #> torch_tensor -#> 1.8448 -4.7115 -#> 2.7106 -8.0742 -#> -1.8869 5.7685 +#> 20.0912 86.3579 +#> 86.7275 381.8104 +#> -7.1625 -46.1242 #> [ CPUFloatType{3,2} ]
    torch_mm(a$inverse(), b)
    #> torch_tensor -#> 1.8448 -4.7115 -#> 2.7106 -8.0742 -#> -1.8869 5.7685 +#> 20.0911 86.3577 +#> 86.7273 381.8092 +#> -7.1625 -46.1241 #> [ CPUFloatType{3,2} ]
    - @@ -237,7 +241,7 @@ batched outputs c

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_chunk.html b/docs/reference/torch_chunk.html index 1b79680ae..9dcc3ba7c 100644 --- a/docs/reference/torch_chunk.html +++ b/docs/reference/torch_chunk.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -203,7 +207,7 @@ the input tensor.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_clamp.html b/docs/reference/torch_clamp.html index d4013ccda..b41ae432e 100644 --- a/docs/reference/torch_clamp.html +++ b/docs/reference/torch_clamp.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -272,7 +274,7 @@ should be a real number, otherwise it should be an integer.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_combinations.html b/docs/reference/torch_combinations.html index c95040cd4..ec1833c5a 100644 --- a/docs/reference/torch_combinations.html +++ b/docs/reference/torch_combinations.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -216,7 +220,7 @@ python's itertools.combinations when with_replacement
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_conj.html b/docs/reference/torch_conj.html index 0bb9f4822..9d369cb98 100644 --- a/docs/reference/torch_conj.html +++ b/docs/reference/torch_conj.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -199,7 +203,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_conv1d.html b/docs/reference/torch_conv1d.html index 9f0791172..c07dcfd2d 100644 --- a/docs/reference/torch_conv1d.html +++ b/docs/reference/torch_conv1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -219,7 +223,7 @@ planes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_conv2d.html b/docs/reference/torch_conv2d.html index f0a8bd0a8..136303dfc 100644 --- a/docs/reference/torch_conv2d.html +++ b/docs/reference/torch_conv2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -219,7 +223,7 @@ planes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_conv3d.html b/docs/reference/torch_conv3d.html index ba8604a2f..c36d810b9 100644 --- a/docs/reference/torch_conv3d.html +++ b/docs/reference/torch_conv3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -219,7 +223,7 @@ planes.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_conv_tbc.html b/docs/reference/torch_conv_tbc.html index 1e4a94eae..78d97e08e 100644 --- a/docs/reference/torch_conv_tbc.html +++ b/docs/reference/torch_conv_tbc.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -205,7 +209,7 @@ Input and output dimensions are (Time, Batch, Channels) - hence TBC.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_conv_transpose1d.html b/docs/reference/torch_conv_transpose1d.html index 8344f9e14..f89bbfce6 100644 --- a/docs/reference/torch_conv_transpose1d.html +++ b/docs/reference/torch_conv_transpose1d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -223,7 +227,7 @@ composed of several input planes, sometimes also called "deconvolution".

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_conv_transpose2d.html b/docs/reference/torch_conv_transpose2d.html index 1d1f65d29..03ad04e52 100644 --- a/docs/reference/torch_conv_transpose2d.html +++ b/docs/reference/torch_conv_transpose2d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -223,7 +227,7 @@ composed of several input planes, sometimes also called "deconvolution".

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_conv_transpose3d.html b/docs/reference/torch_conv_transpose3d.html index 8ae839489..7a6144f25 100644 --- a/docs/reference/torch_conv_transpose3d.html +++ b/docs/reference/torch_conv_transpose3d.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -223,7 +227,7 @@ composed of several input planes, sometimes also called "deconvolution"

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cos.html b/docs/reference/torch_cos.html index 9c1054c5f..216556602 100644 --- a/docs/reference/torch_cos.html +++ b/docs/reference/torch_cos.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -209,7 +213,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cosh.html b/docs/reference/torch_cosh.html index 1c9f5a654..4694fa690 100644 --- a/docs/reference/torch_cosh.html +++ b/docs/reference/torch_cosh.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -210,7 +214,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cosine_similarity.html b/docs/reference/torch_cosine_similarity.html index 6bbb9d434..580b30bbc 100644 --- a/docs/reference/torch_cosine_similarity.html +++ b/docs/reference/torch_cosine_similarity.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> -0.1569 -#> 0.1006 -#> 0.0153 +#> 0.0263 +#> -0.0763 #> 0.0789 -#> 0.1126 -#> 0.0797 -#> 0.0259 -#> -0.0052 -#> 0.1218 -#> 0.0131 -#> -0.0693 -#> -0.1339 -#> -0.0372 -#> -0.0876 -#> 0.1678 -#> -0.0871 -#> -0.0124 -#> 0.0135 -#> 0.0111 -#> -0.0506 -#> 0.0127 -#> -0.0708 -#> 0.0137 -#> 0.0140 -#> 0.0780 -#> 0.1152 -#> -0.0042 -#> -0.0594 -#> 0.0262 -#> -0.2342 -#> 0.1262 -#> -0.0988 -#> -0.0387 -#> 0.0286 -#> 0.0143 -#> 0.0216 -#> 0.1066 -#> -0.0184 -#> 0.0295 -#> -0.0732 -#> -0.1372 -#> -0.0231 -#> -0.0352 -#> -0.0515 -#> 0.2235 -#> -0.1587 -#> -0.1000 -#> -0.0332 -#> -0.0116 -#> 0.1577 -#> -0.1124 -#> -0.0848 -#> 0.2118 -#> 0.1197 -#> 0.0648 -#> 0.1678 -#> -0.0088 -#> 0.2057 -#> -0.0278 -#> -0.0856 -#> -0.0495 -#> 0.0248 -#> 0.0910 -#> 0.0317 -#> 0.0760 -#> -0.1908 +#> 0.0770 +#> -0.0968 +#> -0.0367 +#> -0.0316 +#> -0.0499 +#> -0.1581 +#> 0.0673 +#> -0.0110 +#> -0.0916 +#> 0.0374 +#> -0.0762 +#> -0.0754 +#> -0.2115 +#> 0.0153 +#> -0.1287 +#> -0.0884 +#> -0.0211 +#> -0.0918 +#> -0.0012 +#> 0.1748 +#> 0.0642 +#> 0.0451 +#> -0.0335 +#> -0.1944 +#> -0.1517 +#> 0.0920 +#> -0.1079 +#> -0.2428 +#> -0.0909 +#> 0.0691 +#> -0.1527 +#> 0.0953 +#> 0.0458 +#> 0.0122 +#> 0.0996 +#> 0.0538 +#> -0.1366 +#> -0.1217 +#> -0.0312 +#> 0.0610 +#> -0.0650 +#> -0.0338 +#> 0.1201 +#> -0.1051 +#> -0.0883 +#> 0.0415 +#> -0.0773 +#> 0.0222 +#> -0.0438 +#> 0.0102 +#> -0.0022 +#> -0.0893 +#> 0.0891 +#> 0.0776 +#> -0.1275 +#> 0.0418 +#> -0.0716 +#> -0.1250 +#> 0.0285 +#> 0.0687 +#> 0.1884 +#> -0.0453 +#> -0.0510 +#> -0.1294 +#> -0.1340 +#> 0.0145 +#> 0.0501 +#> 0.1669 +#> 0.0125 +#> 0.0337 +#> 0.1500 +#> -0.1540 +#> 0.1909 +#> 0.0979 +#> -0.0350 +#> -0.0622 +#> 0.0173 +#> -0.0972 +#> -0.0858 +#> 0.0274 #> -0.0196 -#> 0.1030 -#> 0.0001 -#> -0.1256 -#> -0.1372 -#> 0.0761 -#> 0.1186 -#> -0.0794 -#> -0.0374 -#> -0.0475 -#> 0.1376 -#> -0.0452 -#> -0.1993 -#> 0.0900 -#> -0.0780 -#> -0.0765 -#> 0.0552 -#> 0.0656 -#> 0.1303 -#> 0.0220 -#> -0.1305 -#> -0.0221 -#> -0.0103 -#> 0.0126 -#> 0.0111 -#> -0.0132 -#> 0.0390 -#> 0.0566 -#> -0.1246 -#> -0.1158 -#> -0.1314 -#> 0.1597 -#> 0.0721 -#> 0.1145 +#> -0.2183 +#> 0.0174 +#> -0.0238 +#> -0.0479 +#> -0.0530 +#> 0.0421 +#> -0.0530 +#> -0.1692 +#> 0.0488 +#> -0.0140 +#> -0.1420 +#> -0.0361 +#> 0.1230 +#> 0.0648 +#> 0.0388 +#> -0.0385 #> [ CPUFloatType{100} ]
    - @@ -310,7 +314,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cross.html b/docs/reference/torch_cross.html index 880b038cb..88ae82480 100644 --- a/docs/reference/torch_cross.html +++ b/docs/reference/torch_cross.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -230,7 +234,7 @@ size 3.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cummax.html b/docs/reference/torch_cummax.html index 799801bc6..5b966934f 100644 --- a/docs/reference/torch_cummax.html +++ b/docs/reference/torch_cummax.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -243,7 +247,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cummin.html b/docs/reference/torch_cummin.html index 4a37a0715..de46de4f6 100644 --- a/docs/reference/torch_cummin.html +++ b/docs/reference/torch_cummin.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -243,7 +247,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cumprod.html b/docs/reference/torch_cumprod.html index ad84833e0..331aa5223 100644 --- a/docs/reference/torch_cumprod.html +++ b/docs/reference/torch_cumprod.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -232,7 +236,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_cumsum.html b/docs/reference/torch_cumsum.html index 5760bd449..395c06f60 100644 --- a/docs/reference/torch_cumsum.html +++ b/docs/reference/torch_cumsum.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -232,7 +236,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_det.html b/docs/reference/torch_det.html index 792ade51e..4dd34a9ef 100644 --- a/docs/reference/torch_det.html +++ b/docs/reference/torch_det.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -222,7 +224,7 @@ unstable in when `input` doesn't have distinct singular values. See
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_device.html b/docs/reference/torch_device.html index 036f2c96e..ef9fcbaf3 100644 --- a/docs/reference/torch_device.html +++ b/docs/reference/torch_device.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ is or will be allocated." /> - +
    #> torch_device(type='cuda', index=0)
    torch_device("cpu", 0)
    #> torch_device(type='cpu', index=0)
    - @@ -200,7 +205,7 @@ with device 'cuda' is equivalent to 'cuda:X' where X i
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_diag.html b/docs/reference/torch_diag.html index 82efe0832..c46385641 100644 --- a/docs/reference/torch_diag.html +++ b/docs/reference/torch_diag.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -211,7 +215,7 @@ the diagonal elements of input.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_diag_embed.html b/docs/reference/torch_diag_embed.html index ec6f4bc3b..4147b1aab 100644 --- a/docs/reference/torch_diag_embed.html +++ b/docs/reference/torch_diag_embed.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor #> (1,.,.) = -#> 1.2480 0.0000 0.0000 -#> 0.0000 1.6831 0.0000 -#> 0.0000 0.0000 0.0076 +#> 0.8700 0.0000 0.0000 +#> 0.0000 2.4435 0.0000 +#> 0.0000 0.0000 1.3747 #> #> (2,.,.) = -#> 0.9348 0.0000 0.0000 -#> 0.0000 -1.1223 0.0000 -#> 0.0000 0.0000 0.7119 +#> 0.2728 0.0000 0.0000 +#> 0.0000 -0.7072 0.0000 +#> 0.0000 0.0000 -0.1288 #> [ CPUFloatType{2,3,3} ]
    torch_diag_embed(a, offset=1, dim1=0, dim2=2)
    #> torch_tensor #> (1,.,.) = -#> 0.0000 1.2480 0.0000 0.0000 -#> 0.0000 0.9348 0.0000 0.0000 +#> 0.0000 0.8700 0.0000 0.0000 +#> 0.0000 0.2728 0.0000 0.0000 #> #> (2,.,.) = -#> 0.0000 0.0000 1.6831 0.0000 -#> 0.0000 0.0000 -1.1223 0.0000 +#> 0.0000 0.0000 2.4435 0.0000 +#> 0.0000 0.0000 -0.7072 0.0000 #> #> (3,.,.) = -#> 0.0000 0.0000 0.0000 0.0076 -#> 0.0000 0.0000 0.0000 0.7119 +#> 0.0000 0.0000 0.0000 1.3747 +#> 0.0000 0.0000 0.0000 -0.1288 #> #> (4,.,.) = #> 0 0 0 0 #> 0 0 0 0 #> [ CPUFloatType{4,2,4} ]
    - @@ -248,7 +252,7 @@ need to be explicitly specified.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_diagflat.html b/docs/reference/torch_diagflat.html index 2aa406937..ed1f512f6 100644 --- a/docs/reference/torch_diagflat.html +++ b/docs/reference/torch_diagflat.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -207,7 +211,7 @@ with the elements of input as the diagonal.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_diagonal.html b/docs/reference/torch_diagonal.html index d8c73d439..994c95ff2 100644 --- a/docs/reference/torch_diagonal.html +++ b/docs/reference/torch_diagonal.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -216,7 +220,7 @@ dimensions, so those need to be explicitly specified.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_digamma.html b/docs/reference/torch_digamma.html index f7567952d..0a76d83e7 100644 --- a/docs/reference/torch_digamma.html +++ b/docs/reference/torch_digamma.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -198,7 +202,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_dist.html b/docs/reference/torch_dist.html index 3cf2a001f..d9162c277 100644 --- a/docs/reference/torch_dist.html +++ b/docs/reference/torch_dist.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -221,7 +225,7 @@ broadcastable .

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_div.html b/docs/reference/torch_div.html index aa04536c7..5c00d1e47 100644 --- a/docs/reference/torch_div.html +++ b/docs/reference/torch_div.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -260,7 +263,7 @@ by zero leads to undefined behavior.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_dot.html b/docs/reference/torch_dot.html index bc1cdbf53..033cfd03d 100644 --- a/docs/reference/torch_dot.html +++ b/docs/reference/torch_dot.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -188,7 +192,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_eig.html b/docs/reference/torch_eig.html index c05dac719..67f598ec3 100644 --- a/docs/reference/torch_eig.html +++ b/docs/reference/torch_eig.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -208,7 +211,7 @@ for [`torch_symeig`]
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_einsum.html b/docs/reference/torch_einsum.html index 2b30cad81..af41655f1 100644 --- a/docs/reference/torch_einsum.html +++ b/docs/reference/torch_einsum.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -197,7 +201,7 @@ Einstein summation convention.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_empty.html b/docs/reference/torch_empty.html index 173e5e030..e16856299 100644 --- a/docs/reference/torch_empty.html +++ b/docs/reference/torch_empty.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -223,7 +228,7 @@ defined by the variable argument size.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_empty_like.html b/docs/reference/torch_empty_like.html index ce76c722c..65bdf64e6 100644 --- a/docs/reference/torch_empty_like.html +++ b/docs/reference/torch_empty_like.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -216,7 +220,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_empty_strided.html b/docs/reference/torch_empty_strided.html index 937c47a3b..f768c7fce 100644 --- a/docs/reference/torch_empty_strided.html +++ b/docs/reference/torch_empty_strided.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -231,7 +234,7 @@ the tensors, please clone them first.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_eq.html b/docs/reference/torch_eq.html index 93a10dea6..021865b59 100644 --- a/docs/reference/torch_eq.html +++ b/docs/reference/torch_eq.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -206,7 +210,7 @@ broadcastable with the first argument.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_equal.html b/docs/reference/torch_equal.html index 4555398a8..282265ed6 100644 --- a/docs/reference/torch_equal.html +++ b/docs/reference/torch_equal.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -182,7 +187,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_erf.html b/docs/reference/torch_erf.html index 6b7bb7110..1a6a82eb5 100644 --- a/docs/reference/torch_erf.html +++ b/docs/reference/torch_erf.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -202,7 +206,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_erfc.html b/docs/reference/torch_erfc.html index 4b07e6945..937274256 100644 --- a/docs/reference/torch_erfc.html +++ b/docs/reference/torch_erfc.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -203,7 +207,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_erfinv.html b/docs/reference/torch_erfinv.html index 496a4c0bc..d08fd3acb 100644 --- a/docs/reference/torch_erfinv.html +++ b/docs/reference/torch_erfinv.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -203,7 +207,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_exp.html b/docs/reference/torch_exp.html index b958e7f70..2ef447695 100644 --- a/docs/reference/torch_exp.html +++ b/docs/reference/torch_exp.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -202,7 +206,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_expm1.html b/docs/reference/torch_expm1.html index b278bbf8e..5cf1dbb27 100644 --- a/docs/reference/torch_expm1.html +++ b/docs/reference/torch_expm1.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -202,7 +206,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_eye.html b/docs/reference/torch_eye.html index 62826ad58..ce7534822 100644 --- a/docs/reference/torch_eye.html +++ b/docs/reference/torch_eye.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -219,7 +223,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_fft.html b/docs/reference/torch_fft.html index 408fae406..0ee34295e 100644 --- a/docs/reference/torch_fft.html +++ b/docs/reference/torch_fft.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor #> (1,.,.) = -#> 3.1269 0.9525 -#> -2.5551 -9.2671 -#> -0.3517 -3.9285 +#> 0.6538 2.3902 +#> -0.0407 -2.1009 +#> -1.7075 0.2743 #> #> (2,.,.) = -#> 1.3474 -1.2334 -#> -4.5162 4.7339 -#> 0.2207 -1.8316 +#> -7.3254 -4.1155 +#> -3.4979 4.6414 +#> -1.9202 6.4543 #> #> (3,.,.) = -#> 4.1118 2.3770 -#> 4.5216 0.1284 -#> 2.5540 -10.7896 +#> 0.7929 2.8143 +#> -1.5744 -1.1399 +#> 1.8256 0.9958 #> #> (4,.,.) = -#> 2.4745 5.5189 -#> 4.1149 2.1041 -#> -2.7162 -7.8699 +#> -1.1778 4.2228 +#> -1.2220 -6.5910 +#> -4.3523 -0.8053 #> [ CPUFloatType{4,3,2} ]
    # batched 1D FFT torch_fft(x, 1)
    #> torch_tensor #> (1,.,.) = -#> 2.7652 1.9038 -#> 0.3913 -0.5752 -#> -0.0733 -6.1049 +#> -1.7641 1.3280 +#> -1.5838 -1.2976 +#> -1.5386 1.7298 #> #> (2,.,.) = -#> 1.4418 -0.6379 -#> -2.4266 -4.5066 -#> -2.2360 2.4495 +#> 2.0498 -1.6429 +#> -2.4247 -0.8092 +#> -2.6982 0.4276 #> #> (3,.,.) = -#> 0.8542 -0.2390 -#> 0.5920 -3.9942 -#> 1.1744 -1.2541 +#> 2.4875 1.2743 +#> 0.7762 -0.3228 +#> 1.5976 -1.0947 #> #> (4,.,.) = -#> -1.9343 -0.0744 -#> -1.1117 -0.1911 -#> 0.7832 0.9810 +#> -2.1193 1.4309 +#> 3.1915 0.3287 +#> 0.9316 -0.7884 #> [ CPUFloatType{4,3,2} ]
    # arbitrary number of batch dimensions, 2D FFT x = torch_randn(c(3, 3, 5, 5, 2)) torch_fft(x, 2)
    #> torch_tensor #> (1,1,1,.,.) = -#> -3.0607 -2.0808 -#> -0.7614 11.3993 -#> -9.7078 -1.1342 -#> 5.3198 -1.8183 -#> -2.2561 1.1860 +#> -5.9427 2.3830 +#> -0.9876 3.9555 +#> -7.3313 3.1490 +#> 4.2801 -8.8746 +#> -7.3879 5.3391 #> #> (2,1,1,.,.) = -#> 5.9581 5.6764 -#> -0.7409 5.7791 -#> -2.2354 -3.3075 -#> 1.5357 -5.2179 -#> -0.4934 -10.6985 +#> 4.5545 3.1398 +#> 6.6397 12.7704 +#> -11.8139 -3.3971 +#> -6.0994 3.0087 +#> 0.8275 1.3478 #> #> (3,1,1,.,.) = -#> 5.6713 -1.4706 -#> 7.7647 0.3945 -#> 1.7536 -2.3804 -#> -2.7693 -1.4015 -#> 7.3998 7.8926 +#> -0.1075 2.4478 +#> -6.8575 1.1242 +#> -6.0275 3.7266 +#> 4.3421 11.8535 +#> -1.6037 7.5695 #> #> (1,2,1,.,.) = -#> -7.3846 1.0945 -#> 2.6440 -0.0749 -#> 0.8468 0.6714 -#> 2.8560 -0.5236 -#> 4.6443 -11.6895 +#> 2.8736 -2.1080 +#> 1.0969 -7.3034 +#> 9.1364 -0.4367 +#> 2.2691 -3.3444 +#> -4.3820 -4.2208 #> #> (2,2,1,.,.) = -#> -2.6286 4.1849 -#> 0.0714 9.0369 -#> 2.2322 3.0162 -#> -6.9693 3.6747 -#> 2.1045 5.4243 +#> -0.9118 4.7446 +#> 1.1206 7.9196 +#> 1.6641 0.7576 +#> 3.0925 1.1970 +#> 8.5249 -1.4439 #> #> (3,2,1,.,.) = -#> 12.0462 -0.1237 -#> 6.1222 4.7002 -#> 2.4700 9.5251 -#> -2.4001 6.1526 -#> 6.2922 -4.2304 +#> 4.8518 0.1233 +#> -6.2846 7.4662 +#> -1.7859 6.2408 +#> 1.5846 -0.8276 +#> 1.2933 -3.6956 #> #> (1,3,1,.,.) = -#> 7.1441 1.4981 -#> -4.1623 -0.3252 -#> 2.9155 -1.5450 -#> 7.9392 -1.9687 -#> -2.3094 0.0935 +#> -2.0138 -1.6578 +#> -4.5817 -4.3853 +#> -4.8263 -1.1006 +#> 1.6396 -3.9959 +#> 0.3164 18.2475 #> #> (2,3,1,.,.) = -#> -0.9630 -6.0835 -#> 0.4546 -6.4689 -#> -0.0282 -9.4388 -#> -7.4903 -1.5077 -#> 1.7163 -6.8045 +#> 7.8291 2.7374 +#> -5.7064 -9.9621 +#> -2.8155 -0.1657 +#> -3.9620 12.4611 +#> 3.4435 3.2326 #> #> (3,3,1,.,.) = -#> -8.3626 2.2797 -#> 3.1811 -3.3831 -#> 4.2462 2.6255 -#> -3.0474 6.3158 -#> 6.0139 3.5483 +#> 4.4183 3.6809 +#> 3.2348 -0.1091 +#> 6.8238 -4.1220 +#> -4.5586 -7.4389 +#> 5.1245 -2.3675 #> #> (1,1,2,.,.) = -#> 1.6137 2.7773 -#> 0.8053 2.4957 -#> 2.0098 4.0531 -#> 7.1536 -4.0740 -#> 0.5047 -3.4478 +#> 9.7920 0.6806 +#> -0.3190 -3.7368 +#> 0.7023 -0.9383 +#> 4.7008 -1.5883 +#> -3.9566 3.6726 #> #> (2,1,2,.,.) = -#> 6.9573 15.8894 -#> -2.4017 -1.8492 -#> 6.6191 -0.4522 -#> 0.2472 0.4819 -#> 2.7057 4.7820 +#> -3.0512 1.9221 +#> -0.2157 0.0452 +#> -2.9183 -4.3607 +#> 8.7492 7.3246 +#> 1.5165 9.6445 #> #> (3,1,2,.,.) = -#> -5.5708 -0.4651 -#> -3.3221 -7.2540 -#> 4.7071 8.4420 -#> -1.0274 5.4142 -#> -6.8729 -0.6304 +#> -0.0073 -0.8282 +#> -0.6035 -5.8420 +#> 12.4597 -2.4005 +#> 2.2515 11.3698 +#> 4.6597 4.6143 #> #> (1,2,2,.,.) = -#> 1.1419 4.0883 -#> -4.2120 4.7751 -#> -0.8735 -2.5643 -#> -2.3289 0.6712 -#> -3.3304 4.8199 +#> -1.2314 -3.1506 +#> 1.3068 1.5538 +#> 8.0836 -3.6069 +#> 0.0689 7.7218 +#> 1.6400 7.3772 #> #> (2,2,2,.,.) = -#> -0.5676 9.9439 -#> -3.4647 4.7481 -#> -1.3951 0.8998 -#> 5.0574 -4.5266 -#> -6.7789 -1.1194 +#> 7.2325 -3.6465 +#> 6.0541 -4.9124 +#> -2.4519 2.3710 +#> -9.0196 8.2937 +#> -6.5627 -7.3668 #> #> (3,2,2,.,.) = -#> 3.8036 6.1886 -#> -7.1878 3.4328 -#> 1.1591 3.7105 -#> -7.5438 0.0551 -#> 8.2602 9.0398 +#> 4.8670 9.0995 +#> 0.0583 4.9745 +#> 3.3052 -2.3065 +#> -1.0784 -3.5113 +#> -1.3564 -2.9838 #> #> (1,3,2,.,.) = -#> -5.2171 -13.2233 -#> -2.0567 -1.1374 -#> 4.2039 -1.5208 -#> 1.9455 -4.7267 -#> 9.0767 -4.1536 +#> 0.1958 -0.7882 +#> -2.9442 -4.7447 +#> -0.6995 -5.9500 +#> -4.5564 -0.7496 +#> 5.6657 -3.0886 #> #> (2,3,2,.,.) = -#> 3.7466 -4.5032 -#> 1.4704 -2.0007 -#> -1.9988 -0.1092 -#> -4.4596 -0.3324 -#> 2.1152 -13.2775 +#> 7.0723 -4.2332 +#> 7.6992 -0.9180 +#> 2.7281 -8.0427 +#> 5.9747 1.6752 +#> -2.7002 -0.1596 #> #> (3,3,2,.,.) = -#> -3.3043 0.5113 -#> -2.8777 4.2746 -#> -3.3955 1.7092 -#> 9.2973 10.1919 -#> -1.5666 2.8480 +#> 5.7039 1.1480 +#> 2.7226 3.4380 +#> -4.1206 0.7478 +#> -1.0942 -2.8951 +#> -1.4779 1.0268 #> #> (1,1,3,.,.) = -#> 0.3320 4.6616 -#> 0.8167 2.9600 -#> 0.4455 4.4140 -#> -1.3307 10.8842 -#> -9.4580 1.1702 +#> 7.1011 -0.2380 +#> -3.5223 3.5401 +#> 5.7742 1.4789 +#> -4.6115 2.6932 +#> -2.7191 -4.2168 #> #> (2,1,3,.,.) = -#> -1.8528 7.6680 -#> 8.2839 14.2152 -#> 2.9796 -3.5969 -#> -1.7270 1.0632 -#> 0.1975 -0.5567 +#> -5.7986 6.4509 +#> -5.6827 -6.2617 +#> -4.3300 2.0698 +#> 6.8867 -2.4145 +#> 9.1154 3.2265 #> #> (3,1,3,.,.) = -#> -0.7397 2.4980 -#> -2.3425 1.0752 -#> -1.2656 -9.2947 -#> -7.2362 -3.9018 -#> 5.9827 2.7699 +#> 2.4795 1.2525 +#> 5.3633 -4.1375 +#> -2.7429 -0.0403 +#> 1.9457 1.0570 +#> 0.7156 -1.8286 #> #> (1,2,3,.,.) = -#> -15.5498 1.0546 -#> 1.3051 0.4347 -#> -1.4093 7.5153 -#> -6.1192 4.7335 -#> -4.9058 -4.5730 +#> -0.0121 -3.2482 +#> -2.3066 3.7388 +#> -8.0017 3.0797 +#> 6.7179 4.0203 +#> -2.2814 -5.3970 #> #> (2,2,3,.,.) = -#> -3.6604 1.9234 -#> -0.8458 -0.4348 -#> -1.8828 3.6361 -#> 1.8287 -1.8895 -#> 2.6902 -5.2685 +#> 0.6086 -5.4349 +#> 3.6174 2.9092 +#> -7.8689 -13.5817 +#> -6.2091 -1.2536 +#> -0.3103 7.7553 #> #> (3,2,3,.,.) = -#> -1.3802 -0.7002 -#> 2.3379 2.1387 -#> 0.3050 -2.9317 -#> 8.0050 -0.7583 -#> -5.9590 -1.9482 +#> -10.8803 3.3297 +#> -6.5093 -1.5097 +#> -8.7847 -4.2053 +#> -11.8536 -7.2926 +#> -7.0811 -8.0697 #> #> (1,3,3,.,.) = -#> 6.9329 6.3405 -#> 3.6646 -13.5643 -#> -2.9506 5.9330 -#> -2.8361 -7.1243 -#> 0.7209 -3.3815 +#> -2.9286 6.8577 +#> 3.9069 0.3475 +#> 0.2377 -3.9633 +#> 7.2230 9.0634 +#> 6.9915 5.3864 #> #> (2,3,3,.,.) = -#> 1.5262 2.7090 -#> 5.2327 2.3287 -#> 6.2155 -2.0571 -#> -4.2310 -4.1960 -#> 3.1807 2.8638 +#> -0.5471 3.3024 +#> 5.6635 0.4806 +#> 9.6620 8.0607 +#> -1.2398 1.4398 +#> 1.1879 4.9579 #> #> (3,3,3,.,.) = -#> 0.5015 2.4013 -#> 9.8059 -7.5275 -#> -0.3134 3.5004 -#> 2.5308 1.6895 -#> 7.3772 -7.0387 +#> 7.0490 9.4731 +#> -2.1840 7.1841 +#> 1.6218 0.4988 +#> 12.1390 10.0518 +#> -10.0381 3.5385 #> #> (1,1,4,.,.) = -#> -13.6532 4.4051 -#> -10.4147 5.0181 -#> -1.1286 1.7529 -#> 2.8230 -5.6151 -#> -7.9838 -2.6413 +#> -9.0473 -4.1510 +#> 4.4224 -11.9244 +#> 0.2593 5.7600 +#> 5.8278 2.6686 +#> -3.3019 -3.9117 #> #> (2,1,4,.,.) = -#> 4.0084 7.7560 -#> -0.2307 -0.0883 -#> 4.3662 10.6252 -#> -2.3291 -0.1440 -#> 1.5278 0.1987 +#> 0.3849 3.7750 +#> 4.9458 -3.1538 +#> 7.8825 -1.8965 +#> 0.3016 -0.8280 +#> -1.3189 -2.3694 #> #> (3,1,4,.,.) = -#> -9.1532 -6.4304 -#> 6.9663 -1.3172 -#> -3.9041 -5.8065 -#> 0.3933 -2.6468 -#> 8.6516 4.8018 +#> -2.7014 -5.1757 +#> 3.8298 -5.0397 +#> -2.6360 -0.4463 +#> -4.8332 3.6021 +#> 3.3230 -1.7663 #> #> (1,2,4,.,.) = -#> -0.3304 5.5103 -#> -10.1824 6.2636 -#> 2.9708 -8.4041 -#> -10.9114 -7.5795 -#> -2.4482 -5.0504 +#> 8.1613 -2.2573 +#> -3.2551 1.3833 +#> 4.3634 6.3142 +#> 0.5248 -7.8280 +#> 0.8889 -3.6975 #> #> (2,2,4,.,.) = -#> -8.0483 0.7491 -#> -5.7506 -2.1713 -#> 2.0948 6.2371 -#> -4.2344 -0.3634 -#> -5.2435 -3.3073 +#> 2.2364 3.2553 +#> 3.8263 3.7596 +#> -3.3828 1.5186 +#> 0.7146 -5.7372 +#> -3.8133 -0.6495 #> #> (3,2,4,.,.) = -#> 4.8102 5.9549 -#> 0.1113 4.5301 -#> 7.1013 5.4995 -#> -4.5926 -3.2111 -#> 6.9338 6.1466 +#> -10.9589 5.8050 +#> -5.3726 5.7243 +#> 4.5528 -6.0136 +#> 7.4999 -0.2582 +#> 3.3877 6.1032 #> #> (1,3,4,.,.) = -#> 6.1493 4.0264 -#> 1.4464 13.3106 -#> 1.6339 6.9375 -#> 2.8700 6.0982 -#> -1.5679 1.1448 +#> 0.7270 6.1670 +#> -6.5006 -5.9085 +#> 2.4775 1.7599 +#> -3.6453 4.0545 +#> 5.4839 1.2570 #> #> (2,3,4,.,.) = -#> 2.6702 3.4808 -#> 6.4623 4.0797 -#> 1.3476 4.3666 -#> -3.1097 -6.0254 -#> 0.4799 -3.6648 +#> -6.8501 -5.9425 +#> 1.7361 1.2303 +#> -0.0090 2.3497 +#> -1.8686 -0.6607 +#> 2.4513 -1.8840 #> #> (3,3,4,.,.) = -#> 3.7527 5.6061 -#> -2.6108 2.9753 -#> -4.2929 -6.6872 -#> 3.3525 -9.4171 -#> -5.5593 -3.8154 +#> 5.9438 -1.2280 +#> -8.8390 9.0097 +#> 2.8616 -1.3395 +#> -9.2470 0.0511 +#> -0.1519 -1.3970 #> #> (1,1,5,.,.) = -#> -6.2914 -3.7980 -#> -0.1560 2.0582 -#> -1.9810 0.4032 -#> 2.8557 3.1879 -#> -7.8761 5.1946 +#> -3.3137 1.7789 +#> 2.6371 2.7102 +#> 4.4069 -4.4288 +#> -3.4736 1.9758 +#> -4.3432 -4.9600 #> #> (2,1,5,.,.) = -#> -1.4126 1.8956 -#> 6.4759 -3.8589 -#> 7.1188 -1.0978 -#> -5.6880 1.9322 -#> -6.6137 -5.2791 +#> -2.1086 -0.6690 +#> -3.5679 -1.3710 +#> -3.9918 -4.4313 +#> 3.3377 -1.4201 +#> 4.3771 2.7254 #> #> (3,1,5,.,.) = -#> 0.3488 -3.0268 -#> 2.4352 -3.3522 -#> 9.2019 -6.0556 -#> -2.2342 -1.8149 -#> 2.2566 -1.4601 +#> -9.5478 4.2810 +#> -5.3256 -5.4435 +#> 1.0563 -2.9631 +#> 3.6469 -2.4466 +#> 2.9408 6.8321 #> #> (1,2,5,.,.) = -#> -2.9594 -1.2969 -#> 2.0627 -1.3316 -#> 3.2959 2.1453 -#> 4.5162 -6.4966 -#> -7.8497 5.9245 +#> -3.1676 4.9672 +#> 5.1714 2.4288 +#> 0.3678 5.9836 +#> -1.7141 3.7235 +#> -5.0729 -2.1338 #> #> (2,2,5,.,.) = -#> -6.4284 7.8053 -#> 1.0767 -1.3863 -#> 8.8502 8.3183 -#> 0.7857 1.9681 -#> -3.2123 -1.1060 +#> 3.2250 3.2594 +#> 1.1617 -3.0566 +#> -1.8365 -0.7719 +#> -0.5639 -2.4706 +#> 5.6257 9.9585 #> #> (3,2,5,.,.) = -#> -3.9549 -5.9318 -#> 1.7523 2.4051 -#> 3.3194 5.8822 -#> 0.0958 5.6401 -#> -0.5973 1.8942 +#> -0.1548 -9.0428 +#> 0.6164 -2.1338 +#> -2.3196 1.0116 +#> 6.2667 -8.7648 +#> -6.9029 -2.2244 #> #> (1,3,5,.,.) = -#> 0.6352 1.7775 -#> -1.8487 -0.7606 -#> 4.7322 8.5498 -#> -0.2256 0.7480 -#> -8.2643 -1.3865 +#> 6.4957 -2.0517 +#> 0.6094 -3.5123 +#> -4.1952 -8.5566 +#> 4.5907 -4.7177 +#> -7.8233 -2.9789 #> #> (2,3,5,.,.) = -#> 1.4332 0.5647 -#> 3.8933 7.6698 -#> -9.0813 0.8803 -#> -0.8624 1.6519 -#> 3.8879 2.2301 +#> 1.4311 -0.1023 +#> -1.5866 3.9124 +#> 3.7206 -2.0941 +#> -13.1653 5.1716 +#> -0.5996 7.7850 #> #> (3,3,5,.,.) = -#> -6.1772 -0.0762 -#> 4.7082 2.9675 -#> 3.5757 -5.9739 -#> -0.3279 1.5277 -#> -4.3354 -0.5859 +#> 0.8066 -1.9938 +#> -10.3948 0.4750 +#> -6.6004 6.0039 +#> 0.0750 6.6125 +#> -1.6083 -0.2164 #> [ CPUFloatType{3,3,5,5,2} ]
    - @@ -596,7 +598,7 @@ shape of input.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_flatten.html b/docs/reference/torch_flatten.html index 15e6f3f2c..b1bfbe10f 100644 --- a/docs/reference/torch_flatten.html +++ b/docs/reference/torch_flatten.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -205,7 +209,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_flip.html b/docs/reference/torch_flip.html index 83d4b6055..ec020bedf 100644 --- a/docs/reference/torch_flip.html +++ b/docs/reference/torch_flip.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -212,7 +216,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_floor.html b/docs/reference/torch_floor.html index 3c2587e39..0fcc221d8 100644 --- a/docs/reference/torch_floor.html +++ b/docs/reference/torch_floor.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -210,7 +214,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_floor_divide.html b/docs/reference/torch_floor_divide.html index d3b58dcdd..b64def16c 100644 --- a/docs/reference/torch_floor_divide.html +++ b/docs/reference/torch_floor_divide.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -207,7 +211,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_fmod.html b/docs/reference/torch_fmod.html index 705cbb773..0484905e5 100644 --- a/docs/reference/torch_fmod.html +++ b/docs/reference/torch_fmod.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -216,7 +220,7 @@ numbers. The remainder has the same sign as the dividend input.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_frac.html b/docs/reference/torch_frac.html index 92f9afc33..e9f4ad721 100644 --- a/docs/reference/torch_frac.html +++ b/docs/reference/torch_frac.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -189,7 +194,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_full.html b/docs/reference/torch_full.html index 5d13313d6..4b33a92b5 100644 --- a/docs/reference/torch_full.html +++ b/docs/reference/torch_full.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -228,7 +231,7 @@ and an integral fill_value will return a tensor of torch.long dtype
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_full_like.html b/docs/reference/torch_full_like.html index ad09cfb78..dbfd4d16b 100644 --- a/docs/reference/torch_full_like.html +++ b/docs/reference/torch_full_like.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -219,7 +223,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_gather.html b/docs/reference/torch_gather.html index 351dfd6a3..3f1043c66 100644 --- a/docs/reference/torch_gather.html +++ b/docs/reference/torch_gather.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -221,7 +224,7 @@ and out will have the same size as index.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_ge.html b/docs/reference/torch_ge.html index 323e8c4f2..f68bde282 100644 --- a/docs/reference/torch_ge.html +++ b/docs/reference/torch_ge.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -204,7 +208,7 @@ broadcastable with the first argument.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_generator.html b/docs/reference/torch_generator.html index 2b2061488..58e620106 100644 --- a/docs/reference/torch_generator.html +++ b/docs/reference/torch_generator.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ In-place random sampling functions." /> - +
    - @@ -195,7 +195,7 @@ In-place random sampling functions.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_geqrf.html b/docs/reference/torch_geqrf.html index abd746299..772064e6d 100644 --- a/docs/reference/torch_geqrf.html +++ b/docs/reference/torch_geqrf.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -203,7 +207,7 @@ which produces a sequence of 'elementary reflectors'.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_ger.html b/docs/reference/torch_ger.html index a58376a08..13500eeca 100644 --- a/docs/reference/torch_ger.html +++ b/docs/reference/torch_ger.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -212,7 +215,7 @@ size \(m\), then out must be a matrix of size \((n \times m)\).

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_gt.html b/docs/reference/torch_gt.html index f4b1902b1..041d93760 100644 --- a/docs/reference/torch_gt.html +++ b/docs/reference/torch_gt.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -204,7 +208,7 @@ broadcastable with the first argument.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_hamming_window.html b/docs/reference/torch_hamming_window.html index 21186fb11..d8ae46240 100644 --- a/docs/reference/torch_hamming_window.html +++ b/docs/reference/torch_hamming_window.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -242,7 +245,7 @@ above formula is in fact \(\text{window\_length} + 1\). Also, we always have
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_hann_window.html b/docs/reference/torch_hann_window.html index d8563394f..d0f7d91a2 100644 --- a/docs/reference/torch_hann_window.html +++ b/docs/reference/torch_hann_window.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -232,7 +235,7 @@ above formula is in fact \(\text{window\_length} + 1\). Also, we always have
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_histc.html b/docs/reference/torch_histc.html index 118e06158..88c95ac20 100644 --- a/docs/reference/torch_histc.html +++ b/docs/reference/torch_histc.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -215,7 +219,7 @@ maximum values of the data are used.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_ifft.html b/docs/reference/torch_ifft.html index 25d1448f2..1ae3cfc73 100644 --- a/docs/reference/torch_ifft.html +++ b/docs/reference/torch_ifft.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor #> (1,.,.) = -#> 1.2565 0.9511 -#> -1.4309 -0.8159 -#> -0.2985 -0.1503 +#> 0.4053 -1.0535 +#> 1.2809 -0.6868 +#> -0.7918 -0.5001 #> #> (2,.,.) = -#> 1.0511 -0.4074 -#> -0.0719 -0.5882 -#> 1.7008 -1.3123 +#> -0.3554 -0.0106 +#> -0.5705 -1.7366 +#> -0.1588 -0.3846 #> #> (3,.,.) = -#> -1.2550 -0.2420 -#> 1.3266 1.0617 -#> 0.3093 -0.7691 +#> 0.2100 0.4636 +#> -0.3310 -1.0296 +#> 0.5527 0.4706 #> [ CPUFloatType{3,3,2} ]
    y = torch_fft(x, 2) torch_ifft(y, 2) # recover x
    #> torch_tensor #> (1,.,.) = -#> 1.2565 0.9511 -#> -1.4309 -0.8159 -#> -0.2985 -0.1503 +#> 0.4053 -1.0535 +#> 1.2809 -0.6868 +#> -0.7918 -0.5001 #> #> (2,.,.) = -#> 1.0511 -0.4074 -#> -0.0719 -0.5882 -#> 1.7008 -1.3123 +#> -0.3554 -0.0106 +#> -0.5705 -1.7366 +#> -0.1588 -0.3846 #> #> (3,.,.) = -#> -1.2550 -0.2420 -#> 1.3266 1.0617 -#> 0.3093 -0.7691 +#> 0.2100 0.4636 +#> -0.3310 -1.0296 +#> 0.5527 0.4706 #> [ CPUFloatType{3,3,2} ]
    - @@ -266,7 +268,7 @@ shape of input.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_imag.html b/docs/reference/torch_imag.html index e3db9bf51..7516ed808 100644 --- a/docs/reference/torch_imag.html +++ b/docs/reference/torch_imag.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -205,7 +208,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_index_select.html b/docs/reference/torch_index_select.html index 7b4da396b..ee7f5dc6e 100644 --- a/docs/reference/torch_index_select.html +++ b/docs/reference/torch_index_select.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -227,7 +230,7 @@ of index; other dimensions have the same size as in the original te
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_inverse.html b/docs/reference/torch_inverse.html index e12180efc..7dd0210c7 100644 --- a/docs/reference/torch_inverse.html +++ b/docs/reference/torch_inverse.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -215,7 +218,7 @@ individual inverses.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_irfft.html b/docs/reference/torch_irfft.html index 8feee6dfc..695ebd0ff 100644 --- a/docs/reference/torch_irfft.html +++ b/docs/reference/torch_irfft.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor #> (1,.,.) = -#> -0.7584 0.0000 -#> -0.2138 -2.2106 -#> 3.8990 0.0000 +#> 3.9155 0.0000 +#> -4.1027 -2.3817 +#> 3.4753 0.0000 #> #> (2,.,.) = -#> -2.7608 -4.3736 -#> 4.5284 4.0627 -#> -6.3501 0.4960 +#> -0.5477 -1.9754 +#> 1.4978 3.3253 +#> 3.7515 0.2343 #> #> (3,.,.) = -#> 2.6138 0.0000 -#> -0.1434 -0.4128 -#> 0.3747 0.0000 +#> -0.0131 0.0000 +#> -3.0062 -1.6157 +#> 1.9030 0.0000 #> #> (4,.,.) = -#> -2.7608 4.3736 -#> 0.4554 3.6659 -#> -6.3501 -0.4960 +#> -0.5477 1.9754 +#> -0.1102 1.9626 +#> 3.7515 -0.2343 #> [ CPUFloatType{4,3,2} ]
    x = torch_randn(c(4, 5)) torch_rfft(x, 2, onesided=TRUE)
    #> torch_tensor #> (1,.,.) = -#> -0.6195 0.0000 -#> 0.3333 0.9091 -#> -4.1023 1.9537 +#> 4.1861 0.0000 +#> -1.1518 -0.4106 +#> 1.5567 -1.2641 #> #> (2,.,.) = -#> 0.2853 -0.4759 -#> -3.0050 -5.5547 -#> 1.2021 -1.2450 +#> -6.7795 -4.7280 +#> -1.5206 0.6219 +#> 0.8539 -1.1360 #> #> (3,.,.) = -#> -0.9047 0.0000 -#> -5.7936 2.0794 -#> -2.8287 -4.5172 +#> -0.2864 0.0000 +#> 1.5039 4.3041 +#> -6.2167 0.7949 #> #> (4,.,.) = -#> 0.2853 0.4759 -#> -2.7122 -0.4550 -#> 1.8644 -2.0110 +#> -6.7795 4.7280 +#> -4.0121 -3.7228 +#> -0.6624 -2.6865 #> [ CPUFloatType{4,3,2} ]
    y = torch_rfft(x, 2, onesided=TRUE) torch_irfft(y, 2, onesided=TRUE, signal_sizes=c(4,5)) # recover x
    #> torch_tensor -#> -1.5519 0.5489 0.3613 1.1131 -0.7098 -#> 0.9806 0.3715 -0.2710 -1.5479 0.7760 -#> -1.0788 -0.1845 -0.8975 0.0286 1.6085 -#> 0.0186 -0.2964 0.5979 -0.8621 0.3753 +#> -1.4479 -0.1047 -0.6567 0.2528 -0.4584 +#> 0.6187 0.2200 1.5341 1.3760 -0.2667 +#> 0.9763 0.5850 0.1547 0.3391 2.3096 +#> 0.8521 -0.0558 -0.0142 -0.1812 -1.8468 #> [ CPUFloatType{4,5} ]
    - @@ -306,7 +308,7 @@ certainly fail the check.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_is_complex.html b/docs/reference/torch_is_complex.html index 31efdafe0..daae118b8 100644 --- a/docs/reference/torch_is_complex.html +++ b/docs/reference/torch_is_complex.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -193,7 +197,7 @@ one of torch_complex64, and torch.complex128.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_is_floating_point.html b/docs/reference/torch_is_floating_point.html index de9428cda..abb040d71 100644 --- a/docs/reference/torch_is_floating_point.html +++ b/docs/reference/torch_is_floating_point.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -193,7 +197,7 @@ one of torch_float64, torch.float32 and torch.fl
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_isfinite.html b/docs/reference/torch_isfinite.html index 405ccf587..e09c4c940 100644 --- a/docs/reference/torch_isfinite.html +++ b/docs/reference/torch_isfinite.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -197,7 +201,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_isinf.html b/docs/reference/torch_isinf.html index 9ee9866ba..45f0c5597 100644 --- a/docs/reference/torch_isinf.html +++ b/docs/reference/torch_isinf.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -197,7 +201,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_isnan.html b/docs/reference/torch_isnan.html index bcffe1384..ba8bd30ac 100644 --- a/docs/reference/torch_isnan.html +++ b/docs/reference/torch_isnan.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -195,7 +199,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_kthvalue.html b/docs/reference/torch_kthvalue.html index bee385baa..3e853bb2d 100644 --- a/docs/reference/torch_kthvalue.html +++ b/docs/reference/torch_kthvalue.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -244,7 +248,7 @@ they are of size 1. Otherwise, dim is squeezed
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_le.html b/docs/reference/torch_le.html index 6c34cef04..5d8f98397 100644 --- a/docs/reference/torch_le.html +++ b/docs/reference/torch_le.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -204,7 +208,7 @@ broadcastable with the first argument.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_lerp.html b/docs/reference/torch_lerp.html index c00854dea..11fec065a 100644 --- a/docs/reference/torch_lerp.html +++ b/docs/reference/torch_lerp.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -232,7 +236,7 @@ the shapes of weight, start, and end must
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_lgamma.html b/docs/reference/torch_lgamma.html index 6d1ba4135..64f3ab51f 100644 --- a/docs/reference/torch_lgamma.html +++ b/docs/reference/torch_lgamma.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -203,7 +207,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_linspace.html b/docs/reference/torch_linspace.html index 5ebb2768a..3bc6df976 100644 --- a/docs/reference/torch_linspace.html +++ b/docs/reference/torch_linspace.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -241,7 +245,7 @@ equally spaced points between start and end.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_load.html b/docs/reference/torch_load.html index c6cbdd0be..93d4bebaf 100644 --- a/docs/reference/torch_load.html +++ b/docs/reference/torch_load.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -186,7 +191,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_log.html b/docs/reference/torch_log.html index 028719215..cda7629fd 100644 --- a/docs/reference/torch_log.html +++ b/docs/reference/torch_log.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -212,7 +216,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_log10.html b/docs/reference/torch_log10.html index aad84fd2e..70af74515 100644 --- a/docs/reference/torch_log10.html +++ b/docs/reference/torch_log10.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -212,7 +216,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_log1p.html b/docs/reference/torch_log1p.html index 75c1aeb60..8c65056de 100644 --- a/docs/reference/torch_log1p.html +++ b/docs/reference/torch_log1p.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -216,7 +219,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_log2.html b/docs/reference/torch_log2.html index 7bab4f6e3..30ee01713 100644 --- a/docs/reference/torch_log2.html +++ b/docs/reference/torch_log2.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -212,7 +216,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_logdet.html b/docs/reference/torch_logdet.html index 0307660a5..edbd42c9e 100644 --- a/docs/reference/torch_logdet.html +++ b/docs/reference/torch_logdet.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -218,7 +221,7 @@ be unstable in when `input` doesn't have distinct singular values. See
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_logical_and.html b/docs/reference/torch_logical_and.html index 46c0ed358..47ffa31b0 100644 --- a/docs/reference/torch_logical_and.html +++ b/docs/reference/torch_logical_and.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -213,7 +217,7 @@ treated as True.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_logical_not.html b/docs/reference/torch_logical_not.html index d68ab2f03..8e30b01a8 100644 --- a/docs/reference/torch_logical_not.html +++ b/docs/reference/torch_logical_not.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -207,7 +211,7 @@ dtype. If the input tensor is not a bool tensor, zeros are treated as Fals
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_logical_or.html b/docs/reference/torch_logical_or.html index df477856d..0ceba3c74 100644 --- a/docs/reference/torch_logical_or.html +++ b/docs/reference/torch_logical_or.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -215,7 +219,7 @@ treated as True.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_logical_xor.html b/docs/reference/torch_logical_xor.html index 7fcf24fd2..733aa8929 100644 --- a/docs/reference/torch_logical_xor.html +++ b/docs/reference/torch_logical_xor.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -221,7 +225,7 @@ treated as True.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_logspace.html b/docs/reference/torch_logspace.html index 5644b5b46..8bf751739 100644 --- a/docs/reference/torch_logspace.html +++ b/docs/reference/torch_logspace.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -242,7 +246,7 @@ logarithmically spaced with base base between
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_logsumexp.html b/docs/reference/torch_logsumexp.html index 1c48bd987..7971a06f1 100644 --- a/docs/reference/torch_logsumexp.html +++ b/docs/reference/torch_logsumexp.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -218,7 +222,7 @@ output tensor having 1 (or len(dim)) fewer dimension(s).

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_lstsq.html b/docs/reference/torch_lstsq.html index cd1765aac..028530523 100644 --- a/docs/reference/torch_lstsq.html +++ b/docs/reference/torch_lstsq.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -243,7 +246,7 @@ remaining \(m - n\) rows of that column.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_lt.html b/docs/reference/torch_lt.html index 1563a6efe..6c7b16c11 100644 --- a/docs/reference/torch_lt.html +++ b/docs/reference/torch_lt.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -204,7 +208,7 @@ broadcastable with the first argument.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_lu.html b/docs/reference/torch_lu.html index 342a0a0d8..2b78c84c2 100644 --- a/docs/reference/torch_lu.html +++ b/docs/reference/torch_lu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -39,7 +43,6 @@ - @@ -57,7 +60,7 @@ is set to True." /> - +
    #> [[1]] #> torch_tensor #> (1,.,.) = -#> 0.6938 0.9729 1.2666 -#> 0.3948 -0.5709 -1.8963 -#> 0.9797 0.5815 -0.5899 +#> 2.3578 1.4992 1.0227 +#> -0.4723 0.7524 0.4669 +#> -0.3497 0.2362 0.7378 #> #> (2,.,.) = -#> -1.8531 -0.2316 -0.6086 -#> 0.1135 1.3647 -0.1498 -#> 0.2346 0.4005 0.0214 +#> -1.1227 -0.0584 -0.0944 +#> -0.3623 2.3518 -0.1488 +#> 0.4147 0.1782 0.2812 #> [ CPUFloatType{2,3,3} ] #> #> [[2]] #> torch_tensor -#> 2 2 3 +#> 2 3 3 #> 3 3 3 #> [ CPUIntType{2,3} ] #>
    - @@ -223,7 +228,7 @@ elements in the tuple are Tensor, IntTensor. Default: NULL

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_lu_solve.html b/docs/reference/torch_lu_solve.html index 3cf38588b..460f8c489 100644 --- a/docs/reference/torch_lu_solve.html +++ b/docs/reference/torch_lu_solve.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> 1.47514e-07 +#> 2.17252e-07 #> [ CPUFloatType{} ]
    - @@ -209,7 +213,7 @@ LU factorization of A from torch_lu.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_masked_select.html b/docs/reference/torch_masked_select.html index e5b6b7f5c..f445077fe 100644 --- a/docs/reference/torch_masked_select.html +++ b/docs/reference/torch_masked_select.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -225,7 +226,7 @@ to match, but they must be broadcastable .

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_matmul.html b/docs/reference/torch_matmul.html index 161bee5d3..2a73a4f50 100644 --- a/docs/reference/torch_matmul.html +++ b/docs/reference/torch_matmul.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> -1.98052 +#> -0.0241494 #> [ CPUFloatType{} ]
    # matrix x vector tensor1 = torch_randn(c(3, 4)) tensor2 = torch_randn(c(4)) torch_matmul(tensor1, tensor2)
    #> torch_tensor -#> 0.0915 -#> -0.4803 -#> 0.1216 +#> -1.2363 +#> 3.0268 +#> 0.1035 #> [ CPUFloatType{3} ]
    # batched matrix x broadcasted vector tensor1 = torch_randn(c(10, 3, 4)) tensor2 = torch_randn(c(4)) torch_matmul(tensor1, tensor2)
    #> torch_tensor -#> -1.8133 1.1063 1.3090 -#> 4.3649 -0.9861 -0.9484 -#> -0.7668 0.2129 -0.2296 -#> -1.1764 -4.4576 -1.0427 -#> -2.1544 -1.7819 -2.3941 -#> -4.9113 3.1843 0.5698 -#> -1.3242 -0.0767 0.7157 -#> 0.2347 -1.2068 3.8221 -#> 1.3283 -2.5615 -1.3238 -#> 0.3641 0.4202 5.2516 +#> -2.7407 2.5049 0.0359 +#> -0.2428 1.9005 -0.0311 +#> 1.5064 -1.1403 4.7911 +#> -1.1711 1.5313 4.8539 +#> 1.0677 -1.4385 3.5871 +#> -3.6176 2.1055 -0.4337 +#> 2.7659 3.3263 -1.1249 +#> 3.1125 -1.0300 0.8533 +#> -7.2295 -3.2742 1.9161 +#> 1.7768 -0.6715 2.4132 #> [ CPUFloatType{10,3} ]
    # batched matrix x batched matrix tensor1 = torch_randn(c(10, 3, 4)) tensor2 = torch_randn(c(10, 4, 5)) torch_matmul(tensor1, tensor2)
    #> torch_tensor #> (1,.,.) = -#> -1.2165 -2.7346 0.1847 3.1132 -0.9576 -#> -0.1750 -0.1394 0.7393 1.1322 -0.3289 -#> 1.6392 0.0277 -0.2499 -0.5371 2.3237 +#> 2.1537 -0.9727 0.0868 3.0558 -0.9135 +#> -2.6331 -8.2079 4.6051 -6.7919 5.9808 +#> 0.4733 -2.2162 1.0598 2.4622 -0.4438 #> #> (2,.,.) = -#> -0.1097 0.7331 -0.0397 -1.3870 2.8443 -#> -0.2409 0.3011 -0.9890 -0.2164 1.0473 -#> -0.6430 0.2691 -0.7538 -0.3657 1.0435 +#> -3.2293 -1.7143 -2.6607 -0.0832 -1.6717 +#> -2.5618 1.4231 -0.5654 0.1853 -0.0330 +#> -1.1593 -0.6543 0.1057 0.7253 0.2542 #> #> (3,.,.) = -#> 0.7113 -1.2512 -0.6192 1.3470 0.0697 -#> 0.5567 -0.8821 0.4482 1.1729 0.3508 -#> -1.9476 -2.9420 5.9115 -1.9642 -3.3421 +#> 1.8733 -2.5163 3.7143 1.6841 0.1385 +#> 1.2127 -2.9773 2.3041 2.5720 1.3138 +#> -0.0171 -0.9660 3.6009 0.7866 -1.5337 #> #> (4,.,.) = -#> -2.7279 -2.3519 -3.4962 -1.8454 0.2952 -#> -0.0917 3.2803 2.2842 2.6555 0.6128 -#> 1.6096 -0.3718 -1.3668 -1.4122 -0.3896 +#> 0.3547 -3.9708 -2.5380 -1.0752 -5.3527 +#> 1.7091 -2.9129 0.9074 1.0743 1.0275 +#> 1.1593 -1.8107 0.8382 0.4825 1.2793 #> #> (5,.,.) = -#> -2.7603 -1.3881 1.6565 -2.6275 2.5845 -#> 2.5211 2.6449 -0.6835 -1.0770 -0.8359 -#> 4.4098 1.5104 -0.0084 -0.5178 -3.6947 +#> -0.5769 -4.2236 -1.0838 0.4376 2.2441 +#> 0.7824 1.9849 -1.4272 0.1560 -0.0576 +#> 0.7344 -2.5135 -0.5494 -0.3676 0.4109 #> #> (6,.,.) = -#> -2.8421 -0.6536 2.3330 1.6759 1.8693 -#> -0.1875 0.4286 1.1292 -0.8807 -0.1597 -#> 1.4919 1.0388 1.8531 -4.0056 -3.1985 +#> -1.7212 2.1676 -0.9803 0.0793 2.8358 +#> 0.9456 0.0361 0.5637 -1.1537 -0.1105 +#> -0.5617 1.4245 -0.3344 0.0940 1.5494 #> #> (7,.,.) = -#> 1.5208 -0.8174 0.7788 -3.3769 0.4279 -#> -0.4062 1.2204 0.3962 6.0043 -0.2476 -#> -1.1297 -0.8162 -1.1938 -0.6805 -0.2886 +#> 2.5519 -0.1848 2.4864 1.5132 1.0586 +#> 0.6640 -0.3814 -0.6928 1.5510 1.9655 +#> -0.8183 -0.3852 -2.2143 1.1407 2.0630 #> #> (8,.,.) = -#> -0.3097 -0.5236 0.0541 -1.3140 -1.8386 -#> -2.3916 1.1753 -0.7198 -0.0499 1.6123 -#> -1.4409 2.0329 -1.0229 3.2992 -0.9494 +#> -0.0168 1.3795 -1.1796 3.2791 0.9693 +#> -0.2317 0.4384 -1.5643 2.2430 -0.6618 +#> -0.0996 0.6698 0.4613 0.2960 1.1599 #> #> (9,.,.) = -#> -3.9666 2.1826 1.0016 -2.0595 -0.6597 -#> 0.9553 0.8955 0.3203 -1.0528 -1.7101 -#> -1.2053 0.0330 -0.1557 -1.2127 -0.5608 +#> 7.9252 0.2456 -7.1531 -2.9645 3.2929 +#> 2.1319 0.3302 -2.2897 -0.6544 1.2224 +#> 4.0157 -1.7977 -1.3135 2.6495 0.4928 #> #> (10,.,.) = -#> 0.3902 0.6571 2.2867 -1.8772 3.0385 -#> -0.6810 -0.2411 -1.0153 -0.0459 -1.0307 -#> -1.6677 -0.2461 1.8351 0.2226 1.6543 +#> 0.1402 0.4785 -3.5549 -1.0089 0.2646 +#> 1.8108 0.0249 -0.4183 -0.9522 1.3001 +#> -0.6563 -0.2119 -0.7839 -0.4225 0.3819 #> [ CPUFloatType{10,3,5} ]
    # batched matrix x broadcasted matrix tensor1 = torch_randn(c(10, 3, 4)) tensor2 = torch_randn(c(4, 5)) torch_matmul(tensor1, tensor2)
    #> torch_tensor #> (1,.,.) = -#> 1.1474 1.9511 -1.0121 -0.0405 1.3895 -#> 0.5580 -4.3577 1.3727 -0.9916 -2.2133 -#> -0.4171 1.0962 0.2108 -0.6524 1.5692 +#> 3.3780 -1.0720 -1.3765 -5.1701 -0.5722 +#> -1.2270 -0.7055 -0.0240 -1.6081 0.2402 +#> 3.7207 -0.8630 -1.5693 -3.1595 -0.2475 #> #> (2,.,.) = -#> -0.9469 -0.1175 0.8171 -0.7192 0.7886 -#> -2.7153 -6.3253 4.1977 -1.7583 -2.5220 -#> -0.1269 -2.1454 1.3397 -2.5725 1.2167 +#> -3.5109 -2.6442 -0.8076 1.2871 1.0722 +#> 0.7154 -0.0828 -0.1345 2.5352 -0.6859 +#> 2.2720 2.0566 -0.0048 1.3469 1.0371 #> #> (3,.,.) = -#> -5.3878 -1.7436 4.3569 -1.9035 1.3024 -#> 0.9807 2.0425 -1.2561 0.7209 0.6420 -#> 7.9363 4.4045 -6.8691 2.4657 -0.1838 +#> 1.7905 -3.0443 -0.9543 -4.1480 -3.4618 +#> -5.6131 2.7879 2.6081 1.3717 2.4207 +#> -0.2866 0.0182 0.0553 -1.1232 0.2584 #> #> (4,.,.) = -#> -1.3222 -1.2315 0.8491 0.4263 -1.2562 -#> 0.2211 2.1194 -0.5375 -0.7384 2.3603 -#> -0.3109 0.9888 -0.0489 -0.3535 1.1502 +#> 2.8548 -0.5644 -0.4335 -1.3244 -2.2084 +#> 0.7430 0.1274 0.0114 3.4985 -0.8686 +#> 1.3035 1.0213 -0.9364 4.6209 2.4461 #> #> (5,.,.) = -#> -0.5486 0.9569 -0.2541 1.1549 -0.4924 -#> -0.7094 -2.1146 1.2335 -0.1820 -1.3032 -#> -3.3788 -3.7787 3.1325 0.5616 -3.0915 +#> -4.1717 1.7929 2.3653 -0.7239 0.3967 +#> 0.2925 2.7194 1.1932 -0.4505 0.8761 +#> 2.4023 -0.9088 -0.0130 -5.5450 -3.0284 #> #> (6,.,.) = -#> 3.0435 3.8228 -2.7917 -0.9955 3.6304 -#> 2.8293 3.3970 -2.6648 -0.3077 2.5864 -#> -0.7713 -1.4287 1.0548 -0.5711 -0.3656 +#> 6.0704 -1.7497 -2.1878 -3.5899 -2.0988 +#> 0.4229 0.6318 0.6280 -3.0756 -0.7544 +#> 0.6998 -0.0218 -1.0562 -0.8221 2.2329 #> #> (7,.,.) = -#> 1.1784 -0.1683 -0.5254 -0.6180 0.4325 -#> 0.2213 -0.9106 -0.0427 0.5210 -1.2674 -#> 4.3432 2.8587 -3.4393 -0.5140 2.2615 +#> -5.3377 -0.5594 1.1731 3.1231 0.5482 +#> -5.5583 -0.7444 1.3053 0.8009 0.3432 +#> 0.4578 -4.8776 -2.4537 -2.8592 -1.2562 #> #> (8,.,.) = -#> -0.4073 -0.9500 0.6260 -0.1885 -0.4608 -#> 0.0163 -0.7709 -0.1913 1.4753 -2.1824 -#> -2.6043 1.7585 0.9636 0.3255 1.2075 +#> 4.1146 -2.6102 -2.8294 1.8040 -0.5032 +#> -4.8004 -0.3467 0.8817 3.2605 1.1562 +#> 1.9305 -1.0591 -1.5835 -2.6062 1.0635 #> #> (9,.,.) = -#> 1.4516 2.5749 -1.7179 0.4731 1.2603 -#> 2.4206 0.9187 -1.9504 0.6515 -0.2627 -#> -2.9325 -2.0715 2.4717 -0.4191 -0.7998 +#> -0.9492 -0.1283 0.9508 -1.7143 -1.6992 +#> 6.1829 3.3914 -0.0867 2.4016 -0.3277 +#> -2.9519 -2.7414 -0.7203 3.1738 -0.0198 #> #> (10,.,.) = -#> -2.0689 0.6484 1.0804 0.6741 -0.0458 -#> -2.6179 -3.6950 2.7358 0.5041 -3.0391 -#> -4.0565 -1.1599 2.9709 0.3315 -0.8232 +#> -3.2094 2.7451 2.9043 0.2943 -0.5282 +#> 1.9241 0.7552 -0.0242 4.1561 -0.9324 +#> 2.2007 -0.6206 -0.1254 -4.8430 -2.1609 #> [ CPUFloatType{10,3,5} ]
    - @@ -357,7 +360,7 @@ tensor, out will be an \((j \times k \times n \times p)\) tensor.
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_matrix_power.html b/docs/reference/torch_matrix_power.html index 41e2c9977..f0ca9bfa0 100644 --- a/docs/reference/torch_matrix_power.html +++ b/docs/reference/torch_matrix_power.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor #> (1,.,.) = -#> 1.4273 -1.4460 -#> 0.2066 -0.4784 +#> -0.2071 0.3780 +#> -0.5045 0.0826 #> #> (2,.,.) = -#> 0.6855 0.1272 -#> 1.1732 -0.2822 +#> -0.3898 -0.2683 +#> 0.5863 0.2666 #> [ CPUFloatType{2,2,2} ]
    torch_matrix_power(a, 3)
    #> torch_tensor #> (1,.,.) = -#> 2.1979 -1.8575 -#> 0.2654 -0.2500 +#> 0.01 * +#> 5.4362 -5.9758 +#> 7.9752 0.8559 #> #> (2,.,.) = -#> 0.4845 0.0643 -#> 0.5928 -0.0044 +#> 0.01 * +#> 2.1487 1.0261 +#> -2.2421 -0.3611 #> [ CPUFloatType{2,2,2} ]
    - @@ -217,7 +223,7 @@ is returned.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_matrix_rank.html b/docs/reference/torch_matrix_rank.html index 02940b5c2..3dd213a89 100644 --- a/docs/reference/torch_matrix_rank.html +++ b/docs/reference/torch_matrix_rank.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -210,7 +214,7 @@ is the epsilon value for the datatype of input.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_max.html b/docs/reference/torch_max.html index 500c39922..18f4036cf 100644 --- a/docs/reference/torch_max.html +++ b/docs/reference/torch_max.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -295,7 +295,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_mean.html b/docs/reference/torch_mean.html index cd5c6887d..ae59ee031 100644 --- a/docs/reference/torch_mean.html +++ b/docs/reference/torch_mean.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -239,7 +242,7 @@ output tensor having 1 (or len(dim)) fewer dimension(s).

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_median.html b/docs/reference/torch_median.html index 38a168f5a..99f079994 100644 --- a/docs/reference/torch_median.html +++ b/docs/reference/torch_median.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -245,7 +248,7 @@ the outputs tensor having 1 fewer dimension than input.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_meshgrid.html b/docs/reference/torch_meshgrid.html index 82df281a1..15d2ac72a 100644 --- a/docs/reference/torch_meshgrid.html +++ b/docs/reference/torch_meshgrid.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -213,7 +217,7 @@ expanding the \(i\) th input over dimensions defined by other input
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_min.html b/docs/reference/torch_min.html index f20906213..aa308da1c 100644 --- a/docs/reference/torch_min.html +++ b/docs/reference/torch_min.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -296,7 +296,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_mm.html b/docs/reference/torch_mm.html index f015d1918..d62e75c05 100644 --- a/docs/reference/torch_mm.html +++ b/docs/reference/torch_mm.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> -0.8354 1.3728 0.0689 -#> 0.1298 0.2881 -2.4872 +#> 1.5549 -0.0951 1.5225 +#> -1.9478 -0.2738 -1.5651 #> [ CPUFloatType{2,3} ]
    - @@ -211,7 +214,7 @@ For broadcasting matrix products, see torch_ma
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_mode.html b/docs/reference/torch_mode.html index e6c818444..c05588a65 100644 --- a/docs/reference/torch_mode.html +++ b/docs/reference/torch_mode.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -231,7 +234,7 @@ in the output tensors having 1 fewer dimension than input.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_mul.html b/docs/reference/torch_mul.html index 6ec6e1573..9a7a0d4f2 100644 --- a/docs/reference/torch_mul.html +++ b/docs/reference/torch_mul.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -251,7 +255,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_multinomial.html b/docs/reference/torch_multinomial.html index 76f2b141c..dab6ce2e7 100644 --- a/docs/reference/torch_multinomial.html +++ b/docs/reference/torch_multinomial.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -240,7 +243,7 @@ of tensor input.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_mv.html b/docs/reference/torch_mv.html index e04371067..bc0f83ccb 100644 --- a/docs/reference/torch_mv.html +++ b/docs/reference/torch_mv.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> -0.2478 -#> 0.7627 +#> -2.2015 +#> -3.3366 #> [ CPUFloatType{2} ]
    - @@ -211,7 +214,7 @@ size \(m\), out will be 1-D of size \(n\).

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_mvlgamma.html b/docs/reference/torch_mvlgamma.html index ece10b882..af9257602 100644 --- a/docs/reference/torch_mvlgamma.html +++ b/docs/reference/torch_mvlgamma.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -208,7 +212,7 @@ where \(C = \log(\pi) \times \frac{p (p - 1)}{4}\) and \(\Gamma(\cdot)\) is the
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_narrow.html b/docs/reference/torch_narrow.html index 849eaf92f..eedcc9984 100644 --- a/docs/reference/torch_narrow.html +++ b/docs/reference/torch_narrow.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -213,7 +217,7 @@ returned tensor and input tensor share the same underlying storage.
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_ne.html b/docs/reference/torch_ne.html index fc0de2352..55801cc83 100644 --- a/docs/reference/torch_ne.html +++ b/docs/reference/torch_ne.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -204,7 +208,7 @@ broadcastable with the first argument.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_neg.html b/docs/reference/torch_neg.html index c40a98461..411539a38 100644 --- a/docs/reference/torch_neg.html +++ b/docs/reference/torch_neg.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -211,7 +215,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_nonzero.html b/docs/reference/torch_nonzero.html index 415a8b401..226205cb7 100644 --- a/docs/reference/torch_nonzero.html +++ b/docs/reference/torch_nonzero.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -231,7 +234,7 @@ value, it is treated as a one-dimensional tensor with one element.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_norm.html b/docs/reference/torch_norm.html index de8134b51..1bf19ced3 100644 --- a/docs/reference/torch_norm.html +++ b/docs/reference/torch_norm.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -222,7 +226,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_normal.html b/docs/reference/torch_normal.html index 7f2605583..1e09a5899 100644 --- a/docs/reference/torch_normal.html +++ b/docs/reference/torch_normal.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -254,7 +254,7 @@ among all drawn elements. The resulting tensor has size given by size
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_ones.html b/docs/reference/torch_ones.html index 414b0feb9..b1ed6bbc9 100644 --- a/docs/reference/torch_ones.html +++ b/docs/reference/torch_ones.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -221,7 +225,7 @@ by the variable argument size.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_ones_like.html b/docs/reference/torch_ones_like.html index fdfeaf37e..63bb15813 100644 --- a/docs/reference/torch_ones_like.html +++ b/docs/reference/torch_ones_like.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -225,7 +228,7 @@ the old torch_ones_like(input, out=output) is equivalent to
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_orgqr.html b/docs/reference/torch_orgqr.html index 958b750e9..7d0661b8a 100644 --- a/docs/reference/torch_orgqr.html +++ b/docs/reference/torch_orgqr.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -199,7 +203,7 @@ See LAPACK documentation for orgqr_ for further details.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_ormqr.html b/docs/reference/torch_ormqr.html index c5abf4203..37f1b262a 100644 --- a/docs/reference/torch_ormqr.html +++ b/docs/reference/torch_ormqr.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -203,7 +207,7 @@ See LAPACK documentation for ormqr_ for further details.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_pdist.html b/docs/reference/torch_pdist.html index b637895cc..2a22269a0 100644 --- a/docs/reference/torch_pdist.html +++ b/docs/reference/torch_pdist.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -205,7 +209,7 @@ When \(p = \infty\), the closest scipy function is
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_pinverse.html b/docs/reference/torch_pinverse.html index 695b5356b..d0a0e05ef 100644 --- a/docs/reference/torch_pinverse.html +++ b/docs/reference/torch_pinverse.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -234,7 +237,7 @@ Please look at Moore-Penrose inverse_ for more details

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_pixel_shuffle.html b/docs/reference/torch_pixel_shuffle.html index ced66eec1..c23bfac05 100644 --- a/docs/reference/torch_pixel_shuffle.html +++ b/docs/reference/torch_pixel_shuffle.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -196,7 +200,7 @@ tensor of shape \((*, C, H \times r, W \times r)\).

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_poisson.html b/docs/reference/torch_poisson.html index 16e468b9d..4036f9bb7 100644 --- a/docs/reference/torch_poisson.html +++ b/docs/reference/torch_poisson.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -206,7 +210,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_polygamma.html b/docs/reference/torch_polygamma.html index 629210d3f..ac539e156 100644 --- a/docs/reference/torch_polygamma.html +++ b/docs/reference/torch_polygamma.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -212,7 +215,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_pow.html b/docs/reference/torch_pow.html index aa9101328..c37a14376 100644 --- a/docs/reference/torch_pow.html +++ b/docs/reference/torch_pow.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -265,7 +268,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_prod.html b/docs/reference/torch_prod.html index 77f10a48d..b6feb2cea 100644 --- a/docs/reference/torch_prod.html +++ b/docs/reference/torch_prod.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -233,7 +236,7 @@ the output tensor having 1 fewer dimension than input.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_promote_types.html b/docs/reference/torch_promote_types.html index a906f0ab3..2d5b5d587 100644 --- a/docs/reference/torch_promote_types.html +++ b/docs/reference/torch_promote_types.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -198,7 +202,7 @@ promotion logic.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_qr.html b/docs/reference/torch_qr.html index cb5eaf573..b7b9eae60 100644 --- a/docs/reference/torch_qr.html +++ b/docs/reference/torch_qr.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -224,7 +227,7 @@ Otherwise, if some is False, this function returns the
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_quantize_per_channel.html b/docs/reference/torch_quantize_per_channel.html index 06b6a0b61..dc3e9be40 100644 --- a/docs/reference/torch_quantize_per_channel.html +++ b/docs/reference/torch_quantize_per_channel.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -213,7 +217,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_quantize_per_tensor.html b/docs/reference/torch_quantize_per_tensor.html index 66197839a..99a6111a2 100644 --- a/docs/reference/torch_quantize_per_tensor.html +++ b/docs/reference/torch_quantize_per_tensor.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -212,7 +216,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_rand.html b/docs/reference/torch_rand.html index c596cb864..3ca338b7b 100644 --- a/docs/reference/torch_rand.html +++ b/docs/reference/torch_rand.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -221,7 +225,7 @@ on the interval \([0, 1)\)

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_rand_like.html b/docs/reference/torch_rand_like.html index 29f3a942d..0ddeb9641 100644 --- a/docs/reference/torch_rand_like.html +++ b/docs/reference/torch_rand_like.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -215,7 +219,7 @@ random numbers from a uniform distribution on the interval \([0, 1)\).
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_randint.html b/docs/reference/torch_randint.html index 525af69a5..ad0137d11 100644 --- a/docs/reference/torch_randint.html +++ b/docs/reference/torch_randint.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -239,7 +243,7 @@ a tensor with dtype torch_int64.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_randint_like.html b/docs/reference/torch_randint_like.html index f0b2059f6..b2187023d 100644 --- a/docs/reference/torch_randint_like.html +++ b/docs/reference/torch_randint_like.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -226,7 +230,7 @@ a tensor with dtype torch_int64.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_randn.html b/docs/reference/torch_randn.html index 2facc26f4..193833791 100644 --- a/docs/reference/torch_randn.html +++ b/docs/reference/torch_randn.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -225,7 +229,7 @@ The shape of the tensor is defined by the variable argument size.
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_randn_like.html b/docs/reference/torch_randn_like.html index 5ee8af06a..6c2b74f70 100644 --- a/docs/reference/torch_randn_like.html +++ b/docs/reference/torch_randn_like.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -215,7 +219,7 @@ random numbers from a normal distribution with mean 0 and variance 1.
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_randperm.html b/docs/reference/torch_randperm.html index 59f43d7a0..7e974cb85 100644 --- a/docs/reference/torch_randperm.html +++ b/docs/reference/torch_randperm.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -216,7 +220,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_range.html b/docs/reference/torch_range.html index 5cce7d3e8..16e52e6fd 100644 --- a/docs/reference/torch_range.html +++ b/docs/reference/torch_range.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -241,7 +244,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_real.html b/docs/reference/torch_real.html index 63268bd4a..ee7ea180e 100644 --- a/docs/reference/torch_real.html +++ b/docs/reference/torch_real.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -207,7 +210,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_reciprocal.html b/docs/reference/torch_reciprocal.html index d4a9cc9a6..c1711c2bd 100644 --- a/docs/reference/torch_reciprocal.html +++ b/docs/reference/torch_reciprocal.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -209,7 +213,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_relu_.html b/docs/reference/torch_relu_.html index 9543cb0b0..70d05bc27 100644 --- a/docs/reference/torch_relu_.html +++ b/docs/reference/torch_relu_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -183,7 +188,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_remainder.html b/docs/reference/torch_remainder.html index 128329977..f80e464b1 100644 --- a/docs/reference/torch_remainder.html +++ b/docs/reference/torch_remainder.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -216,7 +220,7 @@ numbers. The remainder has the same sign as the divisor.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_renorm.html b/docs/reference/torch_renorm.html index b6f8861ac..10c29b21f 100644 --- a/docs/reference/torch_renorm.html +++ b/docs/reference/torch_renorm.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -229,7 +232,7 @@ than the value maxnorm

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_repeat_interleave.html b/docs/reference/torch_repeat_interleave.html index bf1058645..60b0965a8 100644 --- a/docs/reference/torch_repeat_interleave.html +++ b/docs/reference/torch_repeat_interleave.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -221,7 +223,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_reshape.html b/docs/reference/torch_reshape.html index 188d8e53b..c8250feb0 100644 --- a/docs/reference/torch_reshape.html +++ b/docs/reference/torch_reshape.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -212,7 +216,7 @@ dimensions and the number of elements in input.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_result_type.html b/docs/reference/torch_result_type.html index e187833a6..b3766956e 100644 --- a/docs/reference/torch_result_type.html +++ b/docs/reference/torch_result_type.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_Float
    # torch_result_type(tensor = torch_tensor(c(1, 2), dtype=torch_uint8()), torch_tensor(1))
    - @@ -198,7 +202,7 @@ for more information on the type promotion logic.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_rfft.html b/docs/reference/torch_rfft.html index 4962edb42..f5c0f7ac4 100644 --- a/docs/reference/torch_rfft.html +++ b/docs/reference/torch_rfft.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor #> (1,.,.) = -#> -0.7981 0.0000 -#> 0.6722 -2.6845 -#> 5.2374 -1.3287 +#> 3.9069 0.0000 +#> 6.1332 -7.1960 +#> 1.1799 3.1917 #> #> (2,.,.) = -#> 1.7845 -1.1174 -#> 8.4891 -3.9620 -#> 3.0784 -4.7354 +#> 2.7608 -2.5656 +#> 2.9372 2.4412 +#> -5.0360 5.2319 #> #> (3,.,.) = -#> 2.7803 2.9670 -#> 2.6271 5.7163 -#> -0.6144 -7.1863 +#> 2.1129 -2.5218 +#> 0.5721 0.4728 +#> 2.7971 4.8230 #> #> (4,.,.) = -#> 2.7803 -2.9670 -#> -0.8117 -3.2777 -#> 2.0968 -1.9049 +#> 2.1129 2.5218 +#> 0.2330 3.8823 +#> 7.7532 0.6730 #> #> (5,.,.) = -#> 1.7845 1.1174 -#> -4.0628 -2.2012 -#> 1.9542 -3.9232 +#> 2.7608 2.5656 +#> 0.6659 -0.7688 +#> -1.2298 7.1500 #> [ CPUFloatType{5,3,2} ]
    torch_rfft(x, 2, onesided=FALSE)
    #> torch_tensor #> (1,.,.) = -#> -0.7981 0.0000 -#> 0.6722 -2.6845 -#> 5.2374 -1.3287 -#> 5.2374 1.3287 -#> 0.6722 2.6845 +#> 3.9069 0.0000 +#> 6.1332 -7.1960 +#> 1.1799 3.1917 +#> 1.1799 -3.1917 +#> 6.1332 7.1960 #> #> (2,.,.) = -#> 1.7845 -1.1174 -#> 8.4891 -3.9620 -#> 3.0784 -4.7354 -#> 1.9542 3.9232 -#> -4.0628 2.2012 +#> 2.7608 -2.5656 +#> 2.9372 2.4412 +#> -5.0360 5.2319 +#> -1.2298 -7.1500 +#> 0.6659 0.7688 #> #> (3,.,.) = -#> 2.7803 2.9670 -#> 2.6271 5.7163 -#> -0.6144 -7.1863 -#> 2.0968 1.9049 -#> -0.8117 3.2777 +#> 2.1129 -2.5218 +#> 0.5721 0.4728 +#> 2.7971 4.8230 +#> 7.7532 -0.6730 +#> 0.2330 -3.8823 #> #> (4,.,.) = -#> 2.7803 -2.9670 -#> -0.8117 -3.2777 -#> 2.0968 -1.9049 -#> -0.6144 7.1863 -#> 2.6271 -5.7163 +#> 2.1129 2.5218 +#> 0.2330 3.8823 +#> 7.7532 0.6730 +#> 2.7971 -4.8230 +#> 0.5721 -0.4728 #> #> (5,.,.) = -#> 1.7845 1.1174 -#> -4.0628 -2.2012 -#> 1.9542 -3.9232 -#> 3.0784 4.7354 -#> 8.4891 3.9620 +#> 2.7608 2.5656 +#> 0.6659 -0.7688 +#> -1.2298 7.1500 +#> -5.0360 -5.2319 +#> 2.9372 -2.4412 #> [ CPUFloatType{5,5,2} ]
    - @@ -302,7 +304,7 @@ of input, but instead the last dimension will be halfed as of size
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_roll.html b/docs/reference/torch_roll.html index f0db1620a..38c6f585c 100644 --- a/docs/reference/torch_roll.html +++ b/docs/reference/torch_roll.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -223,7 +227,7 @@ to the original shape.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_rot90.html b/docs/reference/torch_rot90.html index 06a388031..9fdeaa36a 100644 --- a/docs/reference/torch_rot90.html +++ b/docs/reference/torch_rot90.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -224,7 +228,7 @@ Rotation direction is from the first towards the second axis if k > 0, and fr
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_round.html b/docs/reference/torch_round.html index 75eafa701..0bf4be7b7 100644 --- a/docs/reference/torch_round.html +++ b/docs/reference/torch_round.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -207,7 +211,7 @@ to the closest integer.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_rrelu_.html b/docs/reference/torch_rrelu_.html index 105cd8fe3..52c31cc54 100644 --- a/docs/reference/torch_rrelu_.html +++ b/docs/reference/torch_rrelu_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -183,7 +188,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_rsqrt.html b/docs/reference/torch_rsqrt.html index 9a3c26d20..67bd62c13 100644 --- a/docs/reference/torch_rsqrt.html +++ b/docs/reference/torch_rsqrt.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -210,7 +214,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_save.html b/docs/reference/torch_save.html index 21c71ef04..472ba5530 100644 --- a/docs/reference/torch_save.html +++ b/docs/reference/torch_save.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ term storage." /> - +
    - @@ -192,7 +197,7 @@ term storage.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_selu_.html b/docs/reference/torch_selu_.html index 3e3cfed8b..28087bd68 100644 --- a/docs/reference/torch_selu_.html +++ b/docs/reference/torch_selu_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -183,7 +188,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_sigmoid.html b/docs/reference/torch_sigmoid.html index c065d3bca..a58e2e932 100644 --- a/docs/reference/torch_sigmoid.html +++ b/docs/reference/torch_sigmoid.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -209,7 +213,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_sign.html b/docs/reference/torch_sign.html index 6297b32a6..caa84b270 100644 --- a/docs/reference/torch_sign.html +++ b/docs/reference/torch_sign.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -209,7 +213,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_sin.html b/docs/reference/torch_sin.html index 83ed39804..21e7dddfd 100644 --- a/docs/reference/torch_sin.html +++ b/docs/reference/torch_sin.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -209,7 +213,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_sinh.html b/docs/reference/torch_sinh.html index 2a54d808a..4292daafd 100644 --- a/docs/reference/torch_sinh.html +++ b/docs/reference/torch_sinh.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -210,7 +214,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_slogdet.html b/docs/reference/torch_slogdet.html index 5e156b050..a46d381a3 100644 --- a/docs/reference/torch_slogdet.html +++ b/docs/reference/torch_slogdet.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -222,7 +225,7 @@ See `~torch.svd` for details.
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_solve.html b/docs/reference/torch_solve.html index b02527290..7833737f9 100644 --- a/docs/reference/torch_solve.html +++ b/docs/reference/torch_solve.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> torch_tensor -#> 5.62799e-06 +#> 2.19235e-06 #> [ CPUFloatType{} ]
    - @@ -236,7 +239,7 @@ batched outputs solution, LU.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_sort.html b/docs/reference/torch_sort.html index d09a04411..cfe5b7b9b 100644 --- a/docs/reference/torch_sort.html +++ b/docs/reference/torch_sort.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    #> [[1]] #> torch_tensor -#> -1.2858 0.0331 1.0314 1.7694 -#> -1.7488 -1.1888 0.9208 0.9682 -#> -0.7885 -0.6494 0.5639 0.9872 +#> -1.8744 -0.4719 0.2687 1.5399 +#> -1.3519 -0.6021 -0.4366 1.5268 +#> -1.2490 0.1535 0.2824 1.6506 #> [ CPUFloatType{3,4} ] #> #> [[2]] #> torch_tensor -#> 0 1 2 3 -#> 1 2 0 3 -#> 0 1 3 2 +#> 3 2 0 1 +#> 3 1 2 0 +#> 0 3 1 2 #> [ CPULongType{3,4} ] #>
    out = torch_sort(x, 0) out
    #> [[1]] #> torch_tensor -#> -1.2858 -1.7488 -1.1888 0.5639 -#> -0.7885 -0.6494 0.9872 0.9682 -#> 0.9208 0.0331 1.0314 1.7694 +#> -1.2490 -0.6021 -0.4719 -1.8744 +#> 0.2687 0.2824 -0.4366 -1.3519 +#> 1.5268 1.5399 1.6506 0.1535 #> [ CPUFloatType{3,4} ] #> #> [[2]] #> torch_tensor -#> 0 1 1 2 -#> 2 2 2 1 -#> 1 0 0 0 +#> 2 1 0 0 +#> 0 2 1 1 +#> 1 0 2 2 #> [ CPULongType{3,4} ] #>
    - @@ -239,7 +243,7 @@ sorted values and indices are the indices of the elements in the or
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_sparse_coo_tensor.html b/docs/reference/torch_sparse_coo_tensor.html index cde74ec7a..555804053 100644 --- a/docs/reference/torch_sparse_coo_tensor.html +++ b/docs/reference/torch_sparse_coo_tensor.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -253,7 +257,7 @@ coordinates in the indices, and the value at that index is the sum of all duplic
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_split.html b/docs/reference/torch_split.html index 3ba35b5dd..95d223b52 100644 --- a/docs/reference/torch_split.html +++ b/docs/reference/torch_split.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -209,7 +213,7 @@ to `split_size_or_sections`.
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_sqrt.html b/docs/reference/torch_sqrt.html index 7f0376e34..c318b2f31 100644 --- a/docs/reference/torch_sqrt.html +++ b/docs/reference/torch_sqrt.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -209,7 +213,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_square.html b/docs/reference/torch_square.html index 66b5c4391..8df7330e3 100644 --- a/docs/reference/torch_square.html +++ b/docs/reference/torch_square.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -206,7 +210,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_squeeze.html b/docs/reference/torch_squeeze.html index d6be21bd5..724d79e4b 100644 --- a/docs/reference/torch_squeeze.html +++ b/docs/reference/torch_squeeze.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -259,7 +262,7 @@ will squeeze the tensor to the shape \((A \times B)\).

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_stack.html b/docs/reference/torch_stack.html index 06c9f8bea..25e73efe7 100644 --- a/docs/reference/torch_stack.html +++ b/docs/reference/torch_stack.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -201,7 +205,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_std.html b/docs/reference/torch_std.html index d621fe844..c5a03e2cb 100644 --- a/docs/reference/torch_std.html +++ b/docs/reference/torch_std.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -242,7 +245,7 @@ via the biased estimator. Otherwise, Bessel's correction will be used.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_std_mean.html b/docs/reference/torch_std_mean.html index 5c121b584..01850f85f 100644 --- a/docs/reference/torch_std_mean.html +++ b/docs/reference/torch_std_mean.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -255,7 +258,7 @@ via the biased estimator. Otherwise, Bessel's correction will be used.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_stft.html b/docs/reference/torch_stft.html index d6a2fa4ff..72e8fe6b5 100644 --- a/docs/reference/torch_stft.html +++ b/docs/reference/torch_stft.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -278,7 +282,7 @@ imaginary part.
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_sum.html b/docs/reference/torch_sum.html index c898884c1..982d2d1d5 100644 --- a/docs/reference/torch_sum.html +++ b/docs/reference/torch_sum.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -240,7 +243,7 @@ output tensor having 1 (or len(dim)) fewer dimension(s).

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_svd.html b/docs/reference/torch_svd.html index df6276252..5222feae8 100644 --- a/docs/reference/torch_svd.html +++ b/docs/reference/torch_svd.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -251,7 +254,7 @@ of shape \((m \times m)\) and \((n \times n)\) respectively. some w
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_symeig.html b/docs/reference/torch_symeig.html index 45dc0a708..4aa1757f6 100644 --- a/docs/reference/torch_symeig.html +++ b/docs/reference/torch_symeig.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -225,7 +228,7 @@ only the upper triangular portion is used by default.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_t.html b/docs/reference/torch_t.html index 040b217f1..adddff36e 100644 --- a/docs/reference/torch_t.html +++ b/docs/reference/torch_t.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -219,7 +223,7 @@ is equivalent to transpose(input, 0, 1).

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_take.html b/docs/reference/torch_take.html index 1b6347162..edf9936cd 100644 --- a/docs/reference/torch_take.html +++ b/docs/reference/torch_take.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -202,7 +206,7 @@ takes the same shape as the indices.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_tan.html b/docs/reference/torch_tan.html index 6ad5998f1..3048a7057 100644 --- a/docs/reference/torch_tan.html +++ b/docs/reference/torch_tan.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -211,7 +213,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_tanh.html b/docs/reference/torch_tanh.html index 36108f2f3..1d268348e 100644 --- a/docs/reference/torch_tanh.html +++ b/docs/reference/torch_tanh.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -210,7 +214,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_tensordot.html b/docs/reference/torch_tensordot.html index eadb7a2d9..62c8dd42b 100644 --- a/docs/reference/torch_tensordot.html +++ b/docs/reference/torch_tensordot.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -202,7 +206,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_threshold_.html b/docs/reference/torch_threshold_.html index bbfd8595c..fbf548544 100644 --- a/docs/reference/torch_threshold_.html +++ b/docs/reference/torch_threshold_.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -183,7 +188,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_topk.html b/docs/reference/torch_topk.html index 8b6ac1e7f..9511b81ed 100644 --- a/docs/reference/torch_topk.html +++ b/docs/reference/torch_topk.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -238,7 +242,7 @@ of the elements in the original input tensor.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_trace.html b/docs/reference/torch_trace.html index 14a9252a1..d601790d2 100644 --- a/docs/reference/torch_trace.html +++ b/docs/reference/torch_trace.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -189,7 +194,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_transpose.html b/docs/reference/torch_transpose.html index 967ccdac2..03003387f 100644 --- a/docs/reference/torch_transpose.html +++ b/docs/reference/torch_transpose.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -211,7 +215,7 @@ of the other.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_trapz.html b/docs/reference/torch_trapz.html index 678606c6d..e8eeebbf2 100644 --- a/docs/reference/torch_trapz.html +++ b/docs/reference/torch_trapz.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -219,7 +222,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_triangular_solve.html b/docs/reference/torch_triangular_solve.html index 02bed0833..b80ae4c62 100644 --- a/docs/reference/torch_triangular_solve.html +++ b/docs/reference/torch_triangular_solve.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -214,7 +218,7 @@ batched outputs X

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_tril.html b/docs/reference/torch_tril.html index e75a5d8fc..647e39932 100644 --- a/docs/reference/torch_tril.html +++ b/docs/reference/torch_tril.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -234,7 +238,7 @@ the main diagonal. The main diagonal are the set of indices
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_tril_indices.html b/docs/reference/torch_tril_indices.html index afbce69af..ec95c2051 100644 --- a/docs/reference/torch_tril_indices.html +++ b/docs/reference/torch_tril_indices.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -237,7 +240,7 @@ where \(d_{1}, d_{2}\) are the dimensions of the matrix.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_triu.html b/docs/reference/torch_triu.html index 6b74dc18c..b79cec7d7 100644 --- a/docs/reference/torch_triu.html +++ b/docs/reference/torch_triu.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -242,7 +246,7 @@ the main diagonal. The main diagonal are the set of indices
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_triu_indices.html b/docs/reference/torch_triu_indices.html index 53b0689e0..2829f99b3 100644 --- a/docs/reference/torch_triu_indices.html +++ b/docs/reference/torch_triu_indices.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -237,7 +240,7 @@ where \(d_{1}, d_{2}\) are the dimensions of the matrix.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_true_divide.html b/docs/reference/torch_true_divide.html index 963d5bca2..6b45441ed 100644 --- a/docs/reference/torch_true_divide.html +++ b/docs/reference/torch_true_divide.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -209,7 +213,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_trunc.html b/docs/reference/torch_trunc.html index 99cc6cbfd..e0f517db5 100644 --- a/docs/reference/torch_trunc.html +++ b/docs/reference/torch_trunc.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -207,7 +211,7 @@ the elements of input.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_unbind.html b/docs/reference/torch_unbind.html index 36262ac7a..fe26b17f4 100644 --- a/docs/reference/torch_unbind.html +++ b/docs/reference/torch_unbind.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -216,7 +220,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_unique_consecutive.html b/docs/reference/torch_unique_consecutive.html index 7bb931fcc..48d88cd1b 100644 --- a/docs/reference/torch_unique_consecutive.html +++ b/docs/reference/torch_unique_consecutive.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -269,7 +273,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_unsqueeze.html b/docs/reference/torch_unsqueeze.html index 43e53c6ee..b94dc3c43 100644 --- a/docs/reference/torch_unsqueeze.html +++ b/docs/reference/torch_unsqueeze.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -208,7 +212,7 @@ applied at dim = dim + input.dim() + 1.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_var.html b/docs/reference/torch_var.html index 7e1776a12..3e5c25d1b 100644 --- a/docs/reference/torch_var.html +++ b/docs/reference/torch_var.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -242,7 +244,7 @@ biased estimator. Otherwise, Bessel's correction will be used.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_var_mean.html b/docs/reference/torch_var_mean.html index 3ec853734..4e766f4a3 100644 --- a/docs/reference/torch_var_mean.html +++ b/docs/reference/torch_var_mean.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -254,7 +257,7 @@ biased estimator. Otherwise, Bessel's correction will be used.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_where.html b/docs/reference/torch_where.html index d0cd545aa..cbc271e18 100644 --- a/docs/reference/torch_where.html +++ b/docs/reference/torch_where.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -229,7 +231,7 @@ $$

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_zeros.html b/docs/reference/torch_zeros.html index 1172849dc..f2f8be810 100644 --- a/docs/reference/torch_zeros.html +++ b/docs/reference/torch_zeros.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -221,7 +225,7 @@ by the variable argument size.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/torch_zeros_like.html b/docs/reference/torch_zeros_like.html index 90952dc2a..9fbb8a4f2 100644 --- a/docs/reference/torch_zeros_like.html +++ b/docs/reference/torch_zeros_like.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -225,7 +228,7 @@ the old torch_zeros_like(input, out=output) is equivalent to
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/with_enable_grad.html b/docs/reference/with_enable_grad.html index 8666e0ad2..814884798 100644 --- a/docs/reference/with_enable_grad.html +++ b/docs/reference/with_enable_grad.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -38,7 +42,6 @@ - @@ -56,7 +59,7 @@ Enables gradient calculation, if it has been disabled via with_no_grad or set_gr - +
    - @@ -202,7 +206,7 @@ other threads.

    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/docs/reference/with_no_grad.html b/docs/reference/with_no_grad.html index e5602c1d2..004f3732e 100644 --- a/docs/reference/with_no_grad.html +++ b/docs/reference/with_no_grad.html @@ -10,23 +10,27 @@ - + - + - + + + + + - - + + - + - - + + @@ -37,7 +41,6 @@ - @@ -55,7 +58,7 @@ - +
    - @@ -201,7 +206,7 @@
    -

    Site built with pkgdown 1.4.1.9000.

    +

    Site built with pkgdown 1.5.1.

    diff --git a/vignettes/extending-autograd.Rmd b/vignettes/extending-autograd.Rmd index e6255b8b4..94bd18167 100644 --- a/vignettes/extending-autograd.Rmd +++ b/vignettes/extending-autograd.Rmd @@ -2,7 +2,7 @@ title: "Extending Autograd" output: rmarkdown::html_vignette vignette: > - %\VignetteIndexEntry{extending-autograd} + %\VignetteIndexEntry{Extending Autograd} %\VignetteEngine{knitr::rmarkdown} %\VignetteEncoding{UTF-8} --- diff --git a/vignettes/indexing.Rmd b/vignettes/indexing.Rmd index 3f368264b..722eb76cd 100644 --- a/vignettes/indexing.Rmd +++ b/vignettes/indexing.Rmd @@ -2,7 +2,7 @@ title: "Indexing tensors" output: rmarkdown::html_vignette vignette: > - %\VignetteIndexEntry{Subsetting tensors} + %\VignetteIndexEntry{Indexing tensors} %\VignetteEngine{knitr::rmarkdown} %\VignetteEncoding{UTF-8} --- -- GitLab