py/torch; llpyg: use pysigfetch (by goplus/hdq)

This commit is contained in:
xushiwei
2024-05-18 16:03:49 +08:00
parent 446df58e92
commit 668ce4bd2d
5 changed files with 1986 additions and 699 deletions

1
c/c.go
View File

@@ -33,6 +33,7 @@ type (
LongLong = int64 LongLong = int64
UlongLong = uint64 UlongLong = uint64
Float = float32 Float = float32
Double = float64
Pointer = unsafe.Pointer Pointer = unsafe.Pointer
FilePtr = unsafe.Pointer FilePtr = unsafe.Pointer
) )

View File

@@ -18,9 +18,9 @@ package main
import ( import (
"github.com/goplus/llgo/c" "github.com/goplus/llgo/c"
"github.com/goplus/llgo/c/cjson"
"github.com/goplus/llgo/py" "github.com/goplus/llgo/py"
"github.com/goplus/llgo/py/inspect" "github.com/goplus/llgo/py/inspect"
"github.com/goplus/llgo/x/cjson"
) )
func main() { func main() {

View File

@@ -38,6 +38,7 @@ type symbol struct {
Type string `json:"type"` Type string `json:"type"`
Doc string `json:"doc"` Doc string `json:"doc"`
Sig string `json:"sig"` Sig string `json:"sig"`
URL string `json:"url"`
} }
type module struct { type module struct {
@@ -45,6 +46,35 @@ type module struct {
Items []*symbol `json:"items"` Items []*symbol `json:"items"`
} }
func pydump(pyLib string) (mod module) {
var out bytes.Buffer
cmd := exec.Command("pydump", pyLib)
cmd.Stdout = &out
cmd.Stderr = os.Stderr
err := cmd.Run()
if err != nil {
panic(err)
}
json.Unmarshal(out.Bytes(), &mod)
return
}
func pysigfetch(pyLib string, names []string) (mod module) {
var out bytes.Buffer
cmd := exec.Command("pysigfetch", pyLib, "-")
cmd.Stdin = strings.NewReader(strings.Join(names, " "))
cmd.Stdout = &out
cmd.Stderr = os.Stderr
err := cmd.Run()
if err != nil {
panic(err)
}
json.Unmarshal(out.Bytes(), &mod)
return
}
func main() { func main() {
if len(os.Args) < 2 { if len(os.Args) < 2 {
fmt.Fprintln(os.Stderr, "Usage: llpyg <pythonLibPath>") fmt.Fprintln(os.Stderr, "Usage: llpyg <pythonLibPath>")
@@ -52,25 +82,17 @@ func main() {
} }
pyLib := os.Args[1] pyLib := os.Args[1]
var out bytes.Buffer mod := pydump(pyLib)
pydump := exec.Command("pydump", pyLib) if mod.Name != pyLib {
pydump.Stdout = &out
pydump.Run()
var mod module
json.Unmarshal(out.Bytes(), &mod)
modName := mod.Name
if modName == "" {
log.Printf("import module %s failed\n", pyLib) log.Printf("import module %s failed\n", pyLib)
os.Exit(1) os.Exit(1)
} }
pkg := gogen.NewPackage("", modName, nil) pkg := gogen.NewPackage("", pyLib, nil)
pkg.Import("unsafe").MarkForceUsed(pkg) // import _ "unsafe" pkg.Import("unsafe").MarkForceUsed(pkg) // import _ "unsafe"
py := pkg.Import("github.com/goplus/llgo/py") // import "github.com/goplus/llgo/py" py := pkg.Import("github.com/goplus/llgo/py") // import "github.com/goplus/llgo/py"
f := func(cb *gogen.CodeBuilder) int { f := func(cb *gogen.CodeBuilder) int {
cb.Val("py." + modName) cb.Val("py." + mod.Name)
return 1 return 1
} }
defs := pkg.NewConstDefs(pkg.Types.Scope()) defs := pkg.NewConstDefs(pkg.Types.Scope())
@@ -80,21 +102,18 @@ func main() {
objPtr := types.NewPointer(obj) objPtr := types.NewPointer(obj)
ret := types.NewTuple(pkg.NewParam(0, "", objPtr)) ret := types.NewTuple(pkg.NewParam(0, "", objPtr))
ctx := &context{pkg, obj, objPtr, ret, py} ctx := &context{pkg, obj, objPtr, ret, nil, py}
for _, sym := range mod.Items { ctx.genMod(pkg, &mod)
switch sym.Type { if n := len(ctx.skips); n > 0 {
case "builtin_function_or_method", "function", "ufunc", "method-wrapper": log.Printf("==> There are %d signatures not found, fetch from doc site\n", n)
ctx.genFunc(pkg, sym) mod = pysigfetch(pyLib, ctx.skips)
case "str", "float", "bool", "type", "dict", "tuple", "list", "object", "module", ctx.skips = ctx.skips[:0]
"int", "set", "frozenset", "flags", "bool_", "pybind11_type", "layout", ctx.genMod(pkg, &mod)
"memory_format", "qscheme", "dtype", "tensortype": // skip if n := len(ctx.skips); n > 0 {
default: log.Printf("==> Skip %d symbols:\n%v\n", n, ctx.skips)
t := sym.Type
if len(t) > 0 && (t[0] >= 'a' && t[0] <= 'z') && !strings.HasSuffix(t, "_info") {
log.Panicln("unsupport type:", sym.Type)
}
} }
} }
pkg.WriteTo(os.Stdout) pkg.WriteTo(os.Stdout)
} }
@@ -103,17 +122,36 @@ type context struct {
obj *types.Named obj *types.Named
objPtr *types.Pointer objPtr *types.Pointer
ret *types.Tuple ret *types.Tuple
skips []string
py gogen.PkgRef py gogen.PkgRef
} }
func (ctx *context) genMod(pkg *gogen.Package, mod *module) {
for _, sym := range mod.Items {
switch sym.Type {
case "builtin_function_or_method", "function", "ufunc", "method-wrapper":
ctx.genFunc(pkg, sym)
case "str", "float", "bool", "type", "dict", "tuple", "list", "object", "module",
"int", "set", "frozenset", "flags", "bool_", "pybind11_type", "layout",
"memory_format", "qscheme", "dtype", "tensortype": // skip
case "": // pysigfetch: page not found
ctx.skips = append(ctx.skips, sym.Name)
default:
t := sym.Type
if len(t) > 0 && (t[0] >= 'a' && t[0] <= 'z') && !strings.HasSuffix(t, "_info") {
log.Panicln("unsupport type:", sym.Type)
}
}
}
}
func (ctx *context) genFunc(pkg *gogen.Package, sym *symbol) { func (ctx *context) genFunc(pkg *gogen.Package, sym *symbol) {
name, symSig := sym.Name, sym.Sig name, symSig := sym.Name, sym.Sig
if len(name) == 0 || name[0] == '_' { if len(name) == 0 || name[0] == '_' {
return return
} }
if symSig == "<NULL>" { if symSig == "<NULL>" {
// TODO(xsw): don't skip any func ctx.skips = append(ctx.skips, name)
log.Println("skip func:", name, symSig)
return return
} }
params, variadic := ctx.genParams(pkg, symSig) params, variadic := ctx.genParams(pkg, symSig)
@@ -121,7 +159,15 @@ func (ctx *context) genFunc(pkg *gogen.Package, sym *symbol) {
sig := types.NewSignatureType(nil, nil, nil, params, ctx.ret, variadic) sig := types.NewSignatureType(nil, nil, nil, params, ctx.ret, variadic)
fn := pkg.NewFuncDecl(token.NoPos, name, sig) fn := pkg.NewFuncDecl(token.NoPos, name, sig)
list := ctx.genDoc(sym.Doc) list := ctx.genDoc(sym.Doc)
list = append(list, emptyCommentLine) if sym.URL != "" {
if len(list) > 0 {
list = append(list, emptyCommentLine)
}
list = append(list, genSee(sym.URL))
}
if len(list) > 0 {
list = append(list, emptyCommentLine)
}
list = append(list, ctx.genLinkname(name, sym)) list = append(list, ctx.genLinkname(name, sym))
fn.SetComments(pkg, &ast.CommentGroup{List: list}) fn.SetComments(pkg, &ast.CommentGroup{List: list})
// fn.BodyStart(pkg).End() // fn.BodyStart(pkg).End()
@@ -140,7 +186,7 @@ func (ctx *context) genParams(pkg *gogen.Package, sig string) (*types.Tuple, boo
if name == "/" { if name == "/" {
continue continue
} }
if name == "*" { if name == "*" || name == "\\*" {
break break
} }
if strings.HasPrefix(name, "*") { if strings.HasPrefix(name, "*") {
@@ -167,7 +213,7 @@ func genName(name string, idxDontTitle int) string {
} }
name = strings.Join(parts, "") name = strings.Join(parts, "")
switch name { switch name {
case "default", "func", "": case "default", "func", "var", "":
name += "_" name += "_"
} }
return name return name
@@ -178,14 +224,21 @@ func (ctx *context) genLinkname(name string, sym *symbol) *ast.Comment {
} }
func (ctx *context) genDoc(doc string) []*ast.Comment { func (ctx *context) genDoc(doc string) []*ast.Comment {
if doc == "" {
return make([]*ast.Comment, 0, 4)
}
lines := strings.Split(doc, "\n") lines := strings.Split(doc, "\n")
list := make([]*ast.Comment, len(lines), len(lines)+2) list := make([]*ast.Comment, len(lines), len(lines)+4)
for i, line := range lines { for i, line := range lines {
list[i] = &ast.Comment{Text: "// " + line} list[i] = &ast.Comment{Text: "// " + line}
} }
return list return list
} }
func genSee(url string) *ast.Comment {
return &ast.Comment{Text: "// See " + url}
}
var ( var (
emptyCommentLine = &ast.Comment{Text: "//"} emptyCommentLine = &ast.Comment{Text: "//"}
) )

View File

@@ -1,667 +1,2 @@
2024/05/17 21:44:13 skip func: classproperty <NULL> ==> Skip 303 symbols:
2024/05/17 21:44:13 skip func: get_file_path <NULL> [classproperty get_file_path prepare_multiprocessing_environment set_autocast_enabled is_autocast_enabled clear_autocast_cache set_autocast_cpu_enabled is_autocast_cpu_enabled set_autocast_cpu_dtype get_autocast_cpu_dtype set_autocast_gpu_dtype get_autocast_gpu_dtype set_autocast_xla_enabled is_autocast_xla_enabled set_autocast_xla_dtype get_autocast_xla_dtype set_autocast_ipu_enabled is_autocast_ipu_enabled set_autocast_ipu_dtype get_autocast_ipu_dtype autocast_increment_nesting autocast_decrement_nesting is_autocast_cache_enabled set_autocast_cache_enabled set_anomaly_enabled is_anomaly_enabled is_anomaly_check_nan_enabled parse_ir parse_schema unify_type_list fork wait parse_type_comment merge_type_from_type_comment import_ir_module import_ir_module_from_buffer vitals_enabled set_vital read_vitals init_num_threads sym_sqrt obj candidate typename abs_ acos_ acosh_ adaptive_avg_pool1d adaptive_max_pool1d addmv_ affine_grid_generator alias_copy align_tensors alpha_dropout alpha_dropout_ arccos_ arccosh_ arcsin_ arcsinh_ arctan_ arctanh_ as_strided_ as_strided_copy as_strided_scatter asin_ asinh_ atan_ atanh_ avg_pool1d batch_norm batch_norm_backward_elemt batch_norm_backward_reduce batch_norm_elemt batch_norm_gather_stats batch_norm_gather_stats_with_counts batch_norm_stats batch_norm_update_stats bilinear binary_cross_entropy_with_logits binomial ccol_indices_copy ceil_ celu celu_ channel_shuffle choose_qparams_optimized clamp_ clamp_max clamp_max_ clamp_min clamp_min_ clip_ col_indices_copy conj_physical_ constant_pad_nd conv1d conv2d conv3d conv_tbc conv_transpose1d conv_transpose2d conv_transpose3d convolution cos_ cosh_ cosine_embedding_loss cosine_similarity crow_indices_copy ctc_loss cudnn_affine_grid_generator cudnn_batch_norm cudnn_convolution cudnn_convolution_add_relu cudnn_convolution_relu cudnn_convolution_transpose cudnn_grid_sampler cudnn_is_acceptable deg2rad_ detach detach_ detach_copy diagonal_copy dropout dropout_ dsmm embedding embedding_bag embedding_renorm_ empty_permuted empty_quantized erf_ erfc_ exp2_ exp_ expand_copy expm1_ fbgemm_linear_fp16_weight fbgemm_linear_fp16_weight_fp32_activation fbgemm_linear_int8_weight fbgemm_linear_int8_weight_fp32_activation fbgemm_linear_quantize_weight fbgemm_pack_gemm_matrix_fp16 fbgemm_pack_quantized_matrix feature_alpha_dropout feature_alpha_dropout_ feature_dropout feature_dropout_ fill fill_ fix_ floor_ frac_ frobenius_norm fused_moving_avg_obs_fake_quant gcd_ get_device grid_sampler grid_sampler_2d grid_sampler_3d group_norm gru gru_cell hardshrink hinge_embedding_loss hsmm i0_ index_fill index_put index_put_ indices_copy instance_norm int_repr is_distributed is_inference is_neg is_same_size is_signed is_vulkan_available kl_div layer_norm lcm_ ldexp_ log10_ log1p_ log2_ log_ log_softmax logit_ lstm lstm_cell margin_ranking_loss masked_fill masked_scatter max_pool1d max_pool1d_with_indices max_pool2d max_pool3d miopen_batch_norm miopen_convolution miopen_convolution_add_relu miopen_convolution_relu miopen_convolution_transpose miopen_depthwise_convolution miopen_rnn mkldnn_adaptive_avg_pool2d mkldnn_convolution mkldnn_linear_backward_weights mkldnn_max_pool2d mkldnn_max_pool3d mkldnn_rnn_layer nan_to_num_ native_batch_norm native_channel_shuffle native_dropout native_group_norm native_layer_norm native_norm neg_ negative_ nonzero_static norm_except_dim nuclear_norm pairwise_distance pdist permute_copy pixel_shuffle pixel_unshuffle poisson_nll_loss prelu put q_per_channel_axis q_per_channel_scales q_per_channel_zero_points q_scale q_zero_point quantize_per_tensor_dynamic quantized_gru_cell quantized_lstm_cell quantized_max_pool3d quantized_rnn_relu_cell quantized_rnn_tanh_cell rad2deg_ reciprocal_ relu relu_ resize_as_ resize_as_sparse_ rnn_relu rnn_relu_cell rnn_tanh rnn_tanh_cell round_ row_indices_copy rrelu rrelu_ rsqrt_ rsub saddmm scalar_tensor segment_reduce select_copy selu selu_ sigmoid_ sin_ sinc_ sinh_ slice_copy split_copy split_with_sizes split_with_sizes_copy spmm sqrt_ square_ squeeze_copy sym_constrain_range sym_constrain_range_for_size t_copy tan_ tanh_ threshold threshold_ transpose_copy triplet_margin_loss trunc_ unbind_copy unfold_copy unsafe_chunk unsafe_split unsafe_split_with_sizes unsqueeze_copy values_copy view_as_complex_copy view_as_real_copy view_copy xlogy_ zero_ to_dlpack matrix_rank eig solve lstsq symeig]
2024/05/17 21:44:13 skip func: prepare_multiprocessing_environment <NULL>
2024/05/17 21:44:13 skip func: get_num_threads <NULL>
2024/05/17 21:44:13 skip func: set_num_threads <NULL>
2024/05/17 21:44:13 skip func: get_num_interop_threads <NULL>
2024/05/17 21:44:13 skip func: set_num_interop_threads <NULL>
2024/05/17 21:44:13 skip func: set_flush_denormal <NULL>
2024/05/17 21:44:13 skip func: get_default_dtype <NULL>
2024/05/17 21:44:13 skip func: is_grad_enabled <NULL>
2024/05/17 21:44:13 skip func: is_inference_mode_enabled <NULL>
2024/05/17 21:44:13 skip func: set_autocast_enabled <NULL>
2024/05/17 21:44:13 skip func: is_autocast_enabled <NULL>
2024/05/17 21:44:13 skip func: clear_autocast_cache <NULL>
2024/05/17 21:44:13 skip func: set_autocast_cpu_enabled <NULL>
2024/05/17 21:44:13 skip func: is_autocast_cpu_enabled <NULL>
2024/05/17 21:44:13 skip func: set_autocast_cpu_dtype <NULL>
2024/05/17 21:44:13 skip func: get_autocast_cpu_dtype <NULL>
2024/05/17 21:44:13 skip func: set_autocast_gpu_dtype <NULL>
2024/05/17 21:44:13 skip func: get_autocast_gpu_dtype <NULL>
2024/05/17 21:44:13 skip func: set_autocast_xla_enabled <NULL>
2024/05/17 21:44:13 skip func: is_autocast_xla_enabled <NULL>
2024/05/17 21:44:13 skip func: set_autocast_xla_dtype <NULL>
2024/05/17 21:44:13 skip func: get_autocast_xla_dtype <NULL>
2024/05/17 21:44:13 skip func: set_autocast_ipu_enabled <NULL>
2024/05/17 21:44:13 skip func: is_autocast_ipu_enabled <NULL>
2024/05/17 21:44:13 skip func: set_autocast_ipu_dtype <NULL>
2024/05/17 21:44:13 skip func: get_autocast_ipu_dtype <NULL>
2024/05/17 21:44:13 skip func: autocast_increment_nesting <NULL>
2024/05/17 21:44:13 skip func: autocast_decrement_nesting <NULL>
2024/05/17 21:44:13 skip func: is_autocast_cache_enabled <NULL>
2024/05/17 21:44:13 skip func: set_autocast_cache_enabled <NULL>
2024/05/17 21:44:13 skip func: set_anomaly_enabled <NULL>
2024/05/17 21:44:13 skip func: is_anomaly_enabled <NULL>
2024/05/17 21:44:13 skip func: is_anomaly_check_nan_enabled <NULL>
2024/05/17 21:44:13 skip func: parse_ir <NULL>
2024/05/17 21:44:13 skip func: parse_schema <NULL>
2024/05/17 21:44:13 skip func: unify_type_list <NULL>
2024/05/17 21:44:13 skip func: fork <NULL>
2024/05/17 21:44:13 skip func: wait <NULL>
2024/05/17 21:44:13 skip func: parse_type_comment <NULL>
2024/05/17 21:44:13 skip func: merge_type_from_type_comment <NULL>
2024/05/17 21:44:13 skip func: import_ir_module <NULL>
2024/05/17 21:44:13 skip func: import_ir_module_from_buffer <NULL>
2024/05/17 21:44:13 skip func: vitals_enabled <NULL>
2024/05/17 21:44:13 skip func: set_vital <NULL>
2024/05/17 21:44:13 skip func: read_vitals <NULL>
2024/05/17 21:44:13 skip func: init_num_threads <NULL>
2024/05/17 21:44:13 skip func: sym_sqrt <NULL>
2024/05/17 21:44:13 skip func: sym_ite <NULL>
2024/05/17 21:44:13 skip func: obj <NULL>
2024/05/17 21:44:13 skip func: candidate <NULL>
2024/05/17 21:44:13 skip func: typename <NULL>
2024/05/17 21:44:13 skip func: abs <NULL>
2024/05/17 21:44:13 skip func: abs_ <NULL>
2024/05/17 21:44:13 skip func: absolute <NULL>
2024/05/17 21:44:13 skip func: acos <NULL>
2024/05/17 21:44:13 skip func: acos_ <NULL>
2024/05/17 21:44:13 skip func: acosh <NULL>
2024/05/17 21:44:13 skip func: acosh_ <NULL>
2024/05/17 21:44:13 skip func: adaptive_avg_pool1d <NULL>
2024/05/17 21:44:13 skip func: adaptive_max_pool1d <NULL>
2024/05/17 21:44:13 skip func: add <NULL>
2024/05/17 21:44:13 skip func: addbmm <NULL>
2024/05/17 21:44:13 skip func: addcdiv <NULL>
2024/05/17 21:44:13 skip func: addcmul <NULL>
2024/05/17 21:44:13 skip func: addmm <NULL>
2024/05/17 21:44:13 skip func: addmv <NULL>
2024/05/17 21:44:13 skip func: addmv_ <NULL>
2024/05/17 21:44:13 skip func: addr <NULL>
2024/05/17 21:44:13 skip func: adjoint <NULL>
2024/05/17 21:44:13 skip func: affine_grid_generator <NULL>
2024/05/17 21:44:13 skip func: alias_copy <NULL>
2024/05/17 21:44:13 skip func: align_tensors <NULL>
2024/05/17 21:44:13 skip func: all <NULL>
2024/05/17 21:44:13 skip func: allclose <NULL>
2024/05/17 21:44:13 skip func: alpha_dropout <NULL>
2024/05/17 21:44:13 skip func: alpha_dropout_ <NULL>
2024/05/17 21:44:13 skip func: amax <NULL>
2024/05/17 21:44:13 skip func: amin <NULL>
2024/05/17 21:44:13 skip func: aminmax <NULL>
2024/05/17 21:44:13 skip func: angle <NULL>
2024/05/17 21:44:13 skip func: any <NULL>
2024/05/17 21:44:13 skip func: arange <NULL>
2024/05/17 21:44:13 skip func: arccos <NULL>
2024/05/17 21:44:13 skip func: arccos_ <NULL>
2024/05/17 21:44:13 skip func: arccosh <NULL>
2024/05/17 21:44:13 skip func: arccosh_ <NULL>
2024/05/17 21:44:13 skip func: arcsin <NULL>
2024/05/17 21:44:13 skip func: arcsin_ <NULL>
2024/05/17 21:44:13 skip func: arcsinh <NULL>
2024/05/17 21:44:13 skip func: arcsinh_ <NULL>
2024/05/17 21:44:13 skip func: arctan <NULL>
2024/05/17 21:44:13 skip func: arctan2 <NULL>
2024/05/17 21:44:13 skip func: arctan_ <NULL>
2024/05/17 21:44:13 skip func: arctanh <NULL>
2024/05/17 21:44:13 skip func: arctanh_ <NULL>
2024/05/17 21:44:13 skip func: argmax <NULL>
2024/05/17 21:44:13 skip func: argmin <NULL>
2024/05/17 21:44:13 skip func: argsort <NULL>
2024/05/17 21:44:13 skip func: argwhere <NULL>
2024/05/17 21:44:13 skip func: as_strided <NULL>
2024/05/17 21:44:13 skip func: as_strided_ <NULL>
2024/05/17 21:44:13 skip func: as_strided_copy <NULL>
2024/05/17 21:44:13 skip func: as_strided_scatter <NULL>
2024/05/17 21:44:13 skip func: as_tensor <NULL>
2024/05/17 21:44:13 skip func: asarray <NULL>
2024/05/17 21:44:13 skip func: asin <NULL>
2024/05/17 21:44:13 skip func: asin_ <NULL>
2024/05/17 21:44:13 skip func: asinh <NULL>
2024/05/17 21:44:13 skip func: asinh_ <NULL>
2024/05/17 21:44:13 skip func: atan <NULL>
2024/05/17 21:44:13 skip func: atan2 <NULL>
2024/05/17 21:44:13 skip func: atan_ <NULL>
2024/05/17 21:44:13 skip func: atanh <NULL>
2024/05/17 21:44:13 skip func: atanh_ <NULL>
2024/05/17 21:44:13 skip func: avg_pool1d <NULL>
2024/05/17 21:44:13 skip func: baddbmm <NULL>
2024/05/17 21:44:13 skip func: bartlett_window <NULL>
2024/05/17 21:44:13 skip func: batch_norm <NULL>
2024/05/17 21:44:13 skip func: batch_norm_backward_elemt <NULL>
2024/05/17 21:44:13 skip func: batch_norm_backward_reduce <NULL>
2024/05/17 21:44:13 skip func: batch_norm_elemt <NULL>
2024/05/17 21:44:13 skip func: batch_norm_gather_stats <NULL>
2024/05/17 21:44:13 skip func: batch_norm_gather_stats_with_counts <NULL>
2024/05/17 21:44:13 skip func: batch_norm_stats <NULL>
2024/05/17 21:44:13 skip func: batch_norm_update_stats <NULL>
2024/05/17 21:44:13 skip func: bernoulli <NULL>
2024/05/17 21:44:13 skip func: bilinear <NULL>
2024/05/17 21:44:13 skip func: binary_cross_entropy_with_logits <NULL>
2024/05/17 21:44:13 skip func: bincount <NULL>
2024/05/17 21:44:13 skip func: binomial <NULL>
2024/05/17 21:44:13 skip func: bitwise_and <NULL>
2024/05/17 21:44:13 skip func: bitwise_left_shift <NULL>
2024/05/17 21:44:13 skip func: bitwise_not <NULL>
2024/05/17 21:44:13 skip func: bitwise_or <NULL>
2024/05/17 21:44:13 skip func: bitwise_right_shift <NULL>
2024/05/17 21:44:13 skip func: bitwise_xor <NULL>
2024/05/17 21:44:13 skip func: blackman_window <NULL>
2024/05/17 21:44:13 skip func: bmm <NULL>
2024/05/17 21:44:13 skip func: broadcast_to <NULL>
2024/05/17 21:44:13 skip func: bucketize <NULL>
2024/05/17 21:44:13 skip func: can_cast <NULL>
2024/05/17 21:44:13 skip func: cat <NULL>
2024/05/17 21:44:13 skip func: ccol_indices_copy <NULL>
2024/05/17 21:44:13 skip func: ceil <NULL>
2024/05/17 21:44:13 skip func: ceil_ <NULL>
2024/05/17 21:44:13 skip func: celu <NULL>
2024/05/17 21:44:13 skip func: celu_ <NULL>
2024/05/17 21:44:13 skip func: channel_shuffle <NULL>
2024/05/17 21:44:13 skip func: cholesky <NULL>
2024/05/17 21:44:13 skip func: cholesky_inverse <NULL>
2024/05/17 21:44:13 skip func: cholesky_solve <NULL>
2024/05/17 21:44:13 skip func: choose_qparams_optimized <NULL>
2024/05/17 21:44:13 skip func: chunk <NULL>
2024/05/17 21:44:13 skip func: clamp <NULL>
2024/05/17 21:44:13 skip func: clamp_ <NULL>
2024/05/17 21:44:13 skip func: clamp_max <NULL>
2024/05/17 21:44:13 skip func: clamp_max_ <NULL>
2024/05/17 21:44:13 skip func: clamp_min <NULL>
2024/05/17 21:44:13 skip func: clamp_min_ <NULL>
2024/05/17 21:44:13 skip func: clip <NULL>
2024/05/17 21:44:13 skip func: clip_ <NULL>
2024/05/17 21:44:13 skip func: clone <NULL>
2024/05/17 21:44:13 skip func: col_indices_copy <NULL>
2024/05/17 21:44:13 skip func: column_stack <NULL>
2024/05/17 21:44:13 skip func: combinations <NULL>
2024/05/17 21:44:13 skip func: complex <NULL>
2024/05/17 21:44:13 skip func: concat <NULL>
2024/05/17 21:44:13 skip func: concatenate <NULL>
2024/05/17 21:44:13 skip func: conj <NULL>
2024/05/17 21:44:13 skip func: conj_physical <NULL>
2024/05/17 21:44:13 skip func: conj_physical_ <NULL>
2024/05/17 21:44:13 skip func: constant_pad_nd <NULL>
2024/05/17 21:44:13 skip func: conv1d <NULL>
2024/05/17 21:44:13 skip func: conv2d <NULL>
2024/05/17 21:44:13 skip func: conv3d <NULL>
2024/05/17 21:44:13 skip func: conv_tbc <NULL>
2024/05/17 21:44:13 skip func: conv_transpose1d <NULL>
2024/05/17 21:44:13 skip func: conv_transpose2d <NULL>
2024/05/17 21:44:13 skip func: conv_transpose3d <NULL>
2024/05/17 21:44:13 skip func: convolution <NULL>
2024/05/17 21:44:13 skip func: copysign <NULL>
2024/05/17 21:44:13 skip func: corrcoef <NULL>
2024/05/17 21:44:13 skip func: cos <NULL>
2024/05/17 21:44:13 skip func: cos_ <NULL>
2024/05/17 21:44:13 skip func: cosh <NULL>
2024/05/17 21:44:13 skip func: cosh_ <NULL>
2024/05/17 21:44:13 skip func: cosine_embedding_loss <NULL>
2024/05/17 21:44:13 skip func: cosine_similarity <NULL>
2024/05/17 21:44:13 skip func: count_nonzero <NULL>
2024/05/17 21:44:13 skip func: cov <NULL>
2024/05/17 21:44:13 skip func: cross <NULL>
2024/05/17 21:44:13 skip func: crow_indices_copy <NULL>
2024/05/17 21:44:13 skip func: ctc_loss <NULL>
2024/05/17 21:44:13 skip func: cudnn_affine_grid_generator <NULL>
2024/05/17 21:44:13 skip func: cudnn_batch_norm <NULL>
2024/05/17 21:44:13 skip func: cudnn_convolution <NULL>
2024/05/17 21:44:13 skip func: cudnn_convolution_add_relu <NULL>
2024/05/17 21:44:13 skip func: cudnn_convolution_relu <NULL>
2024/05/17 21:44:13 skip func: cudnn_convolution_transpose <NULL>
2024/05/17 21:44:13 skip func: cudnn_grid_sampler <NULL>
2024/05/17 21:44:13 skip func: cudnn_is_acceptable <NULL>
2024/05/17 21:44:13 skip func: cummax <NULL>
2024/05/17 21:44:13 skip func: cummin <NULL>
2024/05/17 21:44:13 skip func: cumprod <NULL>
2024/05/17 21:44:13 skip func: cumsum <NULL>
2024/05/17 21:44:13 skip func: cumulative_trapezoid <NULL>
2024/05/17 21:44:13 skip func: deg2rad <NULL>
2024/05/17 21:44:13 skip func: deg2rad_ <NULL>
2024/05/17 21:44:13 skip func: dequantize <NULL>
2024/05/17 21:44:13 skip func: det <NULL>
2024/05/17 21:44:13 skip func: detach <NULL>
2024/05/17 21:44:13 skip func: detach_ <NULL>
2024/05/17 21:44:13 skip func: detach_copy <NULL>
2024/05/17 21:44:13 skip func: diag <NULL>
2024/05/17 21:44:13 skip func: diag_embed <NULL>
2024/05/17 21:44:13 skip func: diagflat <NULL>
2024/05/17 21:44:13 skip func: diagonal <NULL>
2024/05/17 21:44:13 skip func: diagonal_copy <NULL>
2024/05/17 21:44:13 skip func: diagonal_scatter <NULL>
2024/05/17 21:44:13 skip func: diff <NULL>
2024/05/17 21:44:13 skip func: digamma <NULL>
2024/05/17 21:44:13 skip func: dist <NULL>
2024/05/17 21:44:13 skip func: div <NULL>
2024/05/17 21:44:13 skip func: divide <NULL>
2024/05/17 21:44:13 skip func: dot <NULL>
2024/05/17 21:44:13 skip func: dropout <NULL>
2024/05/17 21:44:13 skip func: dropout_ <NULL>
2024/05/17 21:44:13 skip func: dsmm <NULL>
2024/05/17 21:44:13 skip func: dsplit <NULL>
2024/05/17 21:44:13 skip func: dstack <NULL>
2024/05/17 21:44:13 skip func: embedding <NULL>
2024/05/17 21:44:13 skip func: embedding_bag <NULL>
2024/05/17 21:44:13 skip func: embedding_renorm_ <NULL>
2024/05/17 21:44:13 skip func: empty <NULL>
2024/05/17 21:44:13 skip func: empty_like <NULL>
2024/05/17 21:44:13 skip func: empty_permuted <NULL>
2024/05/17 21:44:13 skip func: empty_quantized <NULL>
2024/05/17 21:44:13 skip func: empty_strided <NULL>
2024/05/17 21:44:13 skip func: eq <NULL>
2024/05/17 21:44:13 skip func: equal <NULL>
2024/05/17 21:44:13 skip func: erf <NULL>
2024/05/17 21:44:13 skip func: erf_ <NULL>
2024/05/17 21:44:13 skip func: erfc <NULL>
2024/05/17 21:44:13 skip func: erfc_ <NULL>
2024/05/17 21:44:13 skip func: erfinv <NULL>
2024/05/17 21:44:13 skip func: exp <NULL>
2024/05/17 21:44:13 skip func: exp2 <NULL>
2024/05/17 21:44:13 skip func: exp2_ <NULL>
2024/05/17 21:44:13 skip func: exp_ <NULL>
2024/05/17 21:44:13 skip func: expand_copy <NULL>
2024/05/17 21:44:13 skip func: expm1 <NULL>
2024/05/17 21:44:13 skip func: expm1_ <NULL>
2024/05/17 21:44:13 skip func: eye <NULL>
2024/05/17 21:44:13 skip func: fake_quantize_per_channel_affine <NULL>
2024/05/17 21:44:13 skip func: fake_quantize_per_tensor_affine <NULL>
2024/05/17 21:44:13 skip func: fbgemm_linear_fp16_weight <NULL>
2024/05/17 21:44:13 skip func: fbgemm_linear_fp16_weight_fp32_activation <NULL>
2024/05/17 21:44:13 skip func: fbgemm_linear_int8_weight <NULL>
2024/05/17 21:44:13 skip func: fbgemm_linear_int8_weight_fp32_activation <NULL>
2024/05/17 21:44:13 skip func: fbgemm_linear_quantize_weight <NULL>
2024/05/17 21:44:13 skip func: fbgemm_pack_gemm_matrix_fp16 <NULL>
2024/05/17 21:44:13 skip func: fbgemm_pack_quantized_matrix <NULL>
2024/05/17 21:44:13 skip func: feature_alpha_dropout <NULL>
2024/05/17 21:44:13 skip func: feature_alpha_dropout_ <NULL>
2024/05/17 21:44:13 skip func: feature_dropout <NULL>
2024/05/17 21:44:13 skip func: feature_dropout_ <NULL>
2024/05/17 21:44:13 skip func: fill <NULL>
2024/05/17 21:44:13 skip func: fill_ <NULL>
2024/05/17 21:44:13 skip func: fix <NULL>
2024/05/17 21:44:13 skip func: fix_ <NULL>
2024/05/17 21:44:13 skip func: flatten <NULL>
2024/05/17 21:44:13 skip func: flip <NULL>
2024/05/17 21:44:13 skip func: fliplr <NULL>
2024/05/17 21:44:13 skip func: flipud <NULL>
2024/05/17 21:44:13 skip func: float_power <NULL>
2024/05/17 21:44:13 skip func: floor <NULL>
2024/05/17 21:44:13 skip func: floor_ <NULL>
2024/05/17 21:44:13 skip func: floor_divide <NULL>
2024/05/17 21:44:13 skip func: fmax <NULL>
2024/05/17 21:44:13 skip func: fmin <NULL>
2024/05/17 21:44:13 skip func: fmod <NULL>
2024/05/17 21:44:13 skip func: frac <NULL>
2024/05/17 21:44:13 skip func: frac_ <NULL>
2024/05/17 21:44:13 skip func: frexp <NULL>
2024/05/17 21:44:13 skip func: frobenius_norm <NULL>
2024/05/17 21:44:13 skip func: from_file <NULL>
2024/05/17 21:44:13 skip func: from_numpy <NULL>
2024/05/17 21:44:13 skip func: frombuffer <NULL>
2024/05/17 21:44:13 skip func: full <NULL>
2024/05/17 21:44:13 skip func: full_like <NULL>
2024/05/17 21:44:13 skip func: fused_moving_avg_obs_fake_quant <NULL>
2024/05/17 21:44:13 skip func: gather <NULL>
2024/05/17 21:44:13 skip func: gcd <NULL>
2024/05/17 21:44:13 skip func: gcd_ <NULL>
2024/05/17 21:44:13 skip func: ge <NULL>
2024/05/17 21:44:13 skip func: geqrf <NULL>
2024/05/17 21:44:13 skip func: ger <NULL>
2024/05/17 21:44:13 skip func: get_device <NULL>
2024/05/17 21:44:13 skip func: gradient <NULL>
2024/05/17 21:44:13 skip func: greater <NULL>
2024/05/17 21:44:13 skip func: greater_equal <NULL>
2024/05/17 21:44:13 skip func: grid_sampler <NULL>
2024/05/17 21:44:13 skip func: grid_sampler_2d <NULL>
2024/05/17 21:44:13 skip func: grid_sampler_3d <NULL>
2024/05/17 21:44:13 skip func: group_norm <NULL>
2024/05/17 21:44:13 skip func: gru <NULL>
2024/05/17 21:44:13 skip func: gru_cell <NULL>
2024/05/17 21:44:13 skip func: gt <NULL>
2024/05/17 21:44:13 skip func: hamming_window <NULL>
2024/05/17 21:44:13 skip func: hann_window <NULL>
2024/05/17 21:44:13 skip func: hardshrink <NULL>
2024/05/17 21:44:13 skip func: heaviside <NULL>
2024/05/17 21:44:13 skip func: hinge_embedding_loss <NULL>
2024/05/17 21:44:13 skip func: histc <NULL>
2024/05/17 21:44:13 skip func: histogram <NULL>
2024/05/17 21:44:13 skip func: histogramdd <NULL>
2024/05/17 21:44:13 skip func: hsmm <NULL>
2024/05/17 21:44:13 skip func: hsplit <NULL>
2024/05/17 21:44:13 skip func: hspmm <NULL>
2024/05/17 21:44:13 skip func: hstack <NULL>
2024/05/17 21:44:13 skip func: hypot <NULL>
2024/05/17 21:44:13 skip func: i0 <NULL>
2024/05/17 21:44:13 skip func: i0_ <NULL>
2024/05/17 21:44:13 skip func: igamma <NULL>
2024/05/17 21:44:13 skip func: igammac <NULL>
2024/05/17 21:44:13 skip func: imag <NULL>
2024/05/17 21:44:13 skip func: index_add <NULL>
2024/05/17 21:44:13 skip func: index_copy <NULL>
2024/05/17 21:44:13 skip func: index_fill <NULL>
2024/05/17 21:44:13 skip func: index_put <NULL>
2024/05/17 21:44:13 skip func: index_put_ <NULL>
2024/05/17 21:44:13 skip func: index_reduce <NULL>
2024/05/17 21:44:13 skip func: index_select <NULL>
2024/05/17 21:44:13 skip func: indices_copy <NULL>
2024/05/17 21:44:13 skip func: inner <NULL>
2024/05/17 21:44:13 skip func: instance_norm <NULL>
2024/05/17 21:44:13 skip func: int_repr <NULL>
2024/05/17 21:44:13 skip func: inverse <NULL>
2024/05/17 21:44:13 skip func: is_complex <NULL>
2024/05/17 21:44:13 skip func: is_conj <NULL>
2024/05/17 21:44:13 skip func: is_distributed <NULL>
2024/05/17 21:44:13 skip func: is_floating_point <NULL>
2024/05/17 21:44:13 skip func: is_inference <NULL>
2024/05/17 21:44:13 skip func: is_neg <NULL>
2024/05/17 21:44:13 skip func: is_nonzero <NULL>
2024/05/17 21:44:13 skip func: is_same_size <NULL>
2024/05/17 21:44:13 skip func: is_signed <NULL>
2024/05/17 21:44:13 skip func: is_vulkan_available <NULL>
2024/05/17 21:44:13 skip func: isclose <NULL>
2024/05/17 21:44:13 skip func: isfinite <NULL>
2024/05/17 21:44:13 skip func: isin <NULL>
2024/05/17 21:44:13 skip func: isinf <NULL>
2024/05/17 21:44:13 skip func: isnan <NULL>
2024/05/17 21:44:13 skip func: isneginf <NULL>
2024/05/17 21:44:13 skip func: isposinf <NULL>
2024/05/17 21:44:13 skip func: isreal <NULL>
2024/05/17 21:44:13 skip func: istft <NULL>
2024/05/17 21:44:13 skip func: kaiser_window <NULL>
2024/05/17 21:44:13 skip func: kl_div <NULL>
2024/05/17 21:44:13 skip func: kron <NULL>
2024/05/17 21:44:13 skip func: kthvalue <NULL>
2024/05/17 21:44:13 skip func: layer_norm <NULL>
2024/05/17 21:44:13 skip func: lcm <NULL>
2024/05/17 21:44:13 skip func: lcm_ <NULL>
2024/05/17 21:44:13 skip func: ldexp <NULL>
2024/05/17 21:44:13 skip func: ldexp_ <NULL>
2024/05/17 21:44:13 skip func: le <NULL>
2024/05/17 21:44:13 skip func: lerp <NULL>
2024/05/17 21:44:13 skip func: less <NULL>
2024/05/17 21:44:13 skip func: less_equal <NULL>
2024/05/17 21:44:13 skip func: lgamma <NULL>
2024/05/17 21:44:13 skip func: linspace <NULL>
2024/05/17 21:44:13 skip func: log <NULL>
2024/05/17 21:44:13 skip func: log10 <NULL>
2024/05/17 21:44:13 skip func: log10_ <NULL>
2024/05/17 21:44:13 skip func: log1p <NULL>
2024/05/17 21:44:13 skip func: log1p_ <NULL>
2024/05/17 21:44:13 skip func: log2 <NULL>
2024/05/17 21:44:13 skip func: log2_ <NULL>
2024/05/17 21:44:13 skip func: log_ <NULL>
2024/05/17 21:44:13 skip func: log_softmax <NULL>
2024/05/17 21:44:13 skip func: logaddexp <NULL>
2024/05/17 21:44:13 skip func: logaddexp2 <NULL>
2024/05/17 21:44:13 skip func: logcumsumexp <NULL>
2024/05/17 21:44:13 skip func: logdet <NULL>
2024/05/17 21:44:13 skip func: logical_and <NULL>
2024/05/17 21:44:13 skip func: logical_not <NULL>
2024/05/17 21:44:13 skip func: logical_or <NULL>
2024/05/17 21:44:13 skip func: logical_xor <NULL>
2024/05/17 21:44:13 skip func: logit <NULL>
2024/05/17 21:44:13 skip func: logit_ <NULL>
2024/05/17 21:44:13 skip func: logspace <NULL>
2024/05/17 21:44:13 skip func: logsumexp <NULL>
2024/05/17 21:44:13 skip func: lstm <NULL>
2024/05/17 21:44:13 skip func: lstm_cell <NULL>
2024/05/17 21:44:13 skip func: lt <NULL>
2024/05/17 21:44:13 skip func: lu_solve <NULL>
2024/05/17 21:44:13 skip func: lu_unpack <NULL>
2024/05/17 21:44:13 skip func: margin_ranking_loss <NULL>
2024/05/17 21:44:13 skip func: masked_fill <NULL>
2024/05/17 21:44:13 skip func: masked_scatter <NULL>
2024/05/17 21:44:13 skip func: masked_select <NULL>
2024/05/17 21:44:13 skip func: matmul <NULL>
2024/05/17 21:44:13 skip func: matrix_exp <NULL>
2024/05/17 21:44:13 skip func: matrix_power <NULL>
2024/05/17 21:44:13 skip func: max <NULL>
2024/05/17 21:44:13 skip func: max_pool1d <NULL>
2024/05/17 21:44:13 skip func: max_pool1d_with_indices <NULL>
2024/05/17 21:44:13 skip func: max_pool2d <NULL>
2024/05/17 21:44:13 skip func: max_pool3d <NULL>
2024/05/17 21:44:13 skip func: maximum <NULL>
2024/05/17 21:44:13 skip func: mean <NULL>
2024/05/17 21:44:13 skip func: median <NULL>
2024/05/17 21:44:13 skip func: min <NULL>
2024/05/17 21:44:13 skip func: minimum <NULL>
2024/05/17 21:44:13 skip func: miopen_batch_norm <NULL>
2024/05/17 21:44:13 skip func: miopen_convolution <NULL>
2024/05/17 21:44:13 skip func: miopen_convolution_add_relu <NULL>
2024/05/17 21:44:13 skip func: miopen_convolution_relu <NULL>
2024/05/17 21:44:13 skip func: miopen_convolution_transpose <NULL>
2024/05/17 21:44:13 skip func: miopen_depthwise_convolution <NULL>
2024/05/17 21:44:13 skip func: miopen_rnn <NULL>
2024/05/17 21:44:13 skip func: mkldnn_adaptive_avg_pool2d <NULL>
2024/05/17 21:44:13 skip func: mkldnn_convolution <NULL>
2024/05/17 21:44:13 skip func: mkldnn_linear_backward_weights <NULL>
2024/05/17 21:44:13 skip func: mkldnn_max_pool2d <NULL>
2024/05/17 21:44:13 skip func: mkldnn_max_pool3d <NULL>
2024/05/17 21:44:13 skip func: mkldnn_rnn_layer <NULL>
2024/05/17 21:44:13 skip func: mm <NULL>
2024/05/17 21:44:13 skip func: mode <NULL>
2024/05/17 21:44:13 skip func: moveaxis <NULL>
2024/05/17 21:44:13 skip func: movedim <NULL>
2024/05/17 21:44:13 skip func: msort <NULL>
2024/05/17 21:44:13 skip func: mul <NULL>
2024/05/17 21:44:13 skip func: multinomial <NULL>
2024/05/17 21:44:13 skip func: multiply <NULL>
2024/05/17 21:44:13 skip func: mv <NULL>
2024/05/17 21:44:13 skip func: mvlgamma <NULL>
2024/05/17 21:44:13 skip func: nan_to_num <NULL>
2024/05/17 21:44:13 skip func: nan_to_num_ <NULL>
2024/05/17 21:44:13 skip func: nanmean <NULL>
2024/05/17 21:44:13 skip func: nanmedian <NULL>
2024/05/17 21:44:13 skip func: nanquantile <NULL>
2024/05/17 21:44:13 skip func: nansum <NULL>
2024/05/17 21:44:13 skip func: narrow <NULL>
2024/05/17 21:44:13 skip func: narrow_copy <NULL>
2024/05/17 21:44:13 skip func: native_batch_norm <NULL>
2024/05/17 21:44:13 skip func: native_channel_shuffle <NULL>
2024/05/17 21:44:13 skip func: native_dropout <NULL>
2024/05/17 21:44:13 skip func: native_group_norm <NULL>
2024/05/17 21:44:13 skip func: native_layer_norm <NULL>
2024/05/17 21:44:13 skip func: native_norm <NULL>
2024/05/17 21:44:13 skip func: ne <NULL>
2024/05/17 21:44:13 skip func: neg <NULL>
2024/05/17 21:44:13 skip func: neg_ <NULL>
2024/05/17 21:44:13 skip func: negative <NULL>
2024/05/17 21:44:13 skip func: negative_ <NULL>
2024/05/17 21:44:13 skip func: nextafter <NULL>
2024/05/17 21:44:13 skip func: nonzero <NULL>
2024/05/17 21:44:13 skip func: nonzero_static <NULL>
2024/05/17 21:44:13 skip func: norm_except_dim <NULL>
2024/05/17 21:44:13 skip func: normal <NULL>
2024/05/17 21:44:13 skip func: not_equal <NULL>
2024/05/17 21:44:13 skip func: nuclear_norm <NULL>
2024/05/17 21:44:13 skip func: numel <NULL>
2024/05/17 21:44:13 skip func: ones <NULL>
2024/05/17 21:44:13 skip func: ones_like <NULL>
2024/05/17 21:44:13 skip func: orgqr <NULL>
2024/05/17 21:44:13 skip func: ormqr <NULL>
2024/05/17 21:44:13 skip func: outer <NULL>
2024/05/17 21:44:13 skip func: pairwise_distance <NULL>
2024/05/17 21:44:13 skip func: pdist <NULL>
2024/05/17 21:44:13 skip func: permute <NULL>
2024/05/17 21:44:13 skip func: permute_copy <NULL>
2024/05/17 21:44:13 skip func: pinverse <NULL>
2024/05/17 21:44:13 skip func: pixel_shuffle <NULL>
2024/05/17 21:44:13 skip func: pixel_unshuffle <NULL>
2024/05/17 21:44:13 skip func: poisson <NULL>
2024/05/17 21:44:13 skip func: poisson_nll_loss <NULL>
2024/05/17 21:44:13 skip func: polar <NULL>
2024/05/17 21:44:13 skip func: polygamma <NULL>
2024/05/17 21:44:13 skip func: positive <NULL>
2024/05/17 21:44:13 skip func: pow <NULL>
2024/05/17 21:44:13 skip func: prelu <NULL>
2024/05/17 21:44:13 skip func: prod <NULL>
2024/05/17 21:44:13 skip func: promote_types <NULL>
2024/05/17 21:44:13 skip func: put <NULL>
2024/05/17 21:44:13 skip func: q_per_channel_axis <NULL>
2024/05/17 21:44:13 skip func: q_per_channel_scales <NULL>
2024/05/17 21:44:13 skip func: q_per_channel_zero_points <NULL>
2024/05/17 21:44:13 skip func: q_scale <NULL>
2024/05/17 21:44:13 skip func: q_zero_point <NULL>
2024/05/17 21:44:13 skip func: qr <NULL>
2024/05/17 21:44:13 skip func: quantile <NULL>
2024/05/17 21:44:13 skip func: quantize_per_channel <NULL>
2024/05/17 21:44:13 skip func: quantize_per_tensor <NULL>
2024/05/17 21:44:13 skip func: quantize_per_tensor_dynamic <NULL>
2024/05/17 21:44:13 skip func: quantized_batch_norm <NULL>
2024/05/17 21:44:13 skip func: quantized_gru_cell <NULL>
2024/05/17 21:44:13 skip func: quantized_lstm_cell <NULL>
2024/05/17 21:44:13 skip func: quantized_max_pool1d <NULL>
2024/05/17 21:44:13 skip func: quantized_max_pool2d <NULL>
2024/05/17 21:44:13 skip func: quantized_max_pool3d <NULL>
2024/05/17 21:44:13 skip func: quantized_rnn_relu_cell <NULL>
2024/05/17 21:44:13 skip func: quantized_rnn_tanh_cell <NULL>
2024/05/17 21:44:13 skip func: rad2deg <NULL>
2024/05/17 21:44:13 skip func: rad2deg_ <NULL>
2024/05/17 21:44:13 skip func: rand <NULL>
2024/05/17 21:44:13 skip func: rand_like <NULL>
2024/05/17 21:44:13 skip func: randint <NULL>
2024/05/17 21:44:13 skip func: randint_like <NULL>
2024/05/17 21:44:13 skip func: randn <NULL>
2024/05/17 21:44:13 skip func: randn_like <NULL>
2024/05/17 21:44:13 skip func: randperm <NULL>
2024/05/17 21:44:13 skip func: range <NULL>
2024/05/17 21:44:13 skip func: ravel <NULL>
2024/05/17 21:44:13 skip func: real <NULL>
2024/05/17 21:44:13 skip func: reciprocal <NULL>
2024/05/17 21:44:13 skip func: reciprocal_ <NULL>
2024/05/17 21:44:13 skip func: relu <NULL>
2024/05/17 21:44:13 skip func: relu_ <NULL>
2024/05/17 21:44:13 skip func: remainder <NULL>
2024/05/17 21:44:13 skip func: renorm <NULL>
2024/05/17 21:44:13 skip func: repeat_interleave <NULL>
2024/05/17 21:44:13 skip func: reshape <NULL>
2024/05/17 21:44:13 skip func: resize_as_ <NULL>
2024/05/17 21:44:13 skip func: resize_as_sparse_ <NULL>
2024/05/17 21:44:13 skip func: resolve_conj <NULL>
2024/05/17 21:44:13 skip func: resolve_neg <NULL>
2024/05/17 21:44:13 skip func: result_type <NULL>
2024/05/17 21:44:13 skip func: rnn_relu <NULL>
2024/05/17 21:44:13 skip func: rnn_relu_cell <NULL>
2024/05/17 21:44:13 skip func: rnn_tanh <NULL>
2024/05/17 21:44:13 skip func: rnn_tanh_cell <NULL>
2024/05/17 21:44:13 skip func: roll <NULL>
2024/05/17 21:44:13 skip func: rot90 <NULL>
2024/05/17 21:44:13 skip func: round <NULL>
2024/05/17 21:44:13 skip func: round_ <NULL>
2024/05/17 21:44:13 skip func: row_indices_copy <NULL>
2024/05/17 21:44:13 skip func: row_stack <NULL>
2024/05/17 21:44:13 skip func: rrelu <NULL>
2024/05/17 21:44:13 skip func: rrelu_ <NULL>
2024/05/17 21:44:13 skip func: rsqrt <NULL>
2024/05/17 21:44:13 skip func: rsqrt_ <NULL>
2024/05/17 21:44:13 skip func: rsub <NULL>
2024/05/17 21:44:13 skip func: saddmm <NULL>
2024/05/17 21:44:13 skip func: scalar_tensor <NULL>
2024/05/17 21:44:13 skip func: scatter <NULL>
2024/05/17 21:44:13 skip func: scatter_add <NULL>
2024/05/17 21:44:13 skip func: scatter_reduce <NULL>
2024/05/17 21:44:13 skip func: searchsorted <NULL>
2024/05/17 21:44:13 skip func: segment_reduce <NULL>
2024/05/17 21:44:13 skip func: select <NULL>
2024/05/17 21:44:13 skip func: select_copy <NULL>
2024/05/17 21:44:13 skip func: select_scatter <NULL>
2024/05/17 21:44:13 skip func: selu <NULL>
2024/05/17 21:44:13 skip func: selu_ <NULL>
2024/05/17 21:44:13 skip func: sgn <NULL>
2024/05/17 21:44:13 skip func: sigmoid <NULL>
2024/05/17 21:44:13 skip func: sigmoid_ <NULL>
2024/05/17 21:44:13 skip func: sign <NULL>
2024/05/17 21:44:13 skip func: signbit <NULL>
2024/05/17 21:44:13 skip func: sin <NULL>
2024/05/17 21:44:13 skip func: sin_ <NULL>
2024/05/17 21:44:13 skip func: sinc <NULL>
2024/05/17 21:44:13 skip func: sinc_ <NULL>
2024/05/17 21:44:13 skip func: sinh <NULL>
2024/05/17 21:44:13 skip func: sinh_ <NULL>
2024/05/17 21:44:13 skip func: slice_copy <NULL>
2024/05/17 21:44:13 skip func: slice_scatter <NULL>
2024/05/17 21:44:13 skip func: slogdet <NULL>
2024/05/17 21:44:13 skip func: smm <NULL>
2024/05/17 21:44:13 skip func: softmax <NULL>
2024/05/17 21:44:13 skip func: sort <NULL>
2024/05/17 21:44:13 skip func: sparse_bsc_tensor <NULL>
2024/05/17 21:44:13 skip func: sparse_bsr_tensor <NULL>
2024/05/17 21:44:13 skip func: sparse_compressed_tensor <NULL>
2024/05/17 21:44:13 skip func: sparse_coo_tensor <NULL>
2024/05/17 21:44:13 skip func: sparse_csc_tensor <NULL>
2024/05/17 21:44:13 skip func: sparse_csr_tensor <NULL>
2024/05/17 21:44:13 skip func: split_copy <NULL>
2024/05/17 21:44:13 skip func: split_with_sizes <NULL>
2024/05/17 21:44:13 skip func: split_with_sizes_copy <NULL>
2024/05/17 21:44:13 skip func: spmm <NULL>
2024/05/17 21:44:13 skip func: sqrt <NULL>
2024/05/17 21:44:13 skip func: sqrt_ <NULL>
2024/05/17 21:44:13 skip func: square <NULL>
2024/05/17 21:44:13 skip func: square_ <NULL>
2024/05/17 21:44:13 skip func: squeeze <NULL>
2024/05/17 21:44:13 skip func: squeeze_copy <NULL>
2024/05/17 21:44:13 skip func: sspaddmm <NULL>
2024/05/17 21:44:13 skip func: stack <NULL>
2024/05/17 21:44:13 skip func: std <NULL>
2024/05/17 21:44:13 skip func: std_mean <NULL>
2024/05/17 21:44:13 skip func: sub <NULL>
2024/05/17 21:44:13 skip func: subtract <NULL>
2024/05/17 21:44:13 skip func: sum <NULL>
2024/05/17 21:44:13 skip func: svd <NULL>
2024/05/17 21:44:13 skip func: swapaxes <NULL>
2024/05/17 21:44:13 skip func: swapdims <NULL>
2024/05/17 21:44:13 skip func: sym_constrain_range <NULL>
2024/05/17 21:44:13 skip func: sym_constrain_range_for_size <NULL>
2024/05/17 21:44:13 skip func: t <NULL>
2024/05/17 21:44:13 skip func: t_copy <NULL>
2024/05/17 21:44:13 skip func: take <NULL>
2024/05/17 21:44:13 skip func: take_along_dim <NULL>
2024/05/17 21:44:13 skip func: tan <NULL>
2024/05/17 21:44:13 skip func: tan_ <NULL>
2024/05/17 21:44:13 skip func: tanh <NULL>
2024/05/17 21:44:13 skip func: tanh_ <NULL>
2024/05/17 21:44:13 skip func: tensor <NULL>
2024/05/17 21:44:13 skip func: tensor_split <NULL>
2024/05/17 21:44:13 skip func: threshold <NULL>
2024/05/17 21:44:13 skip func: threshold_ <NULL>
2024/05/17 21:44:13 skip func: tile <NULL>
2024/05/17 21:44:13 skip func: topk <NULL>
2024/05/17 21:44:13 skip func: trace <NULL>
2024/05/17 21:44:13 skip func: transpose <NULL>
2024/05/17 21:44:13 skip func: transpose_copy <NULL>
2024/05/17 21:44:13 skip func: trapezoid <NULL>
2024/05/17 21:44:13 skip func: trapz <NULL>
2024/05/17 21:44:13 skip func: triangular_solve <NULL>
2024/05/17 21:44:13 skip func: tril <NULL>
2024/05/17 21:44:13 skip func: tril_indices <NULL>
2024/05/17 21:44:13 skip func: triplet_margin_loss <NULL>
2024/05/17 21:44:13 skip func: triu <NULL>
2024/05/17 21:44:13 skip func: triu_indices <NULL>
2024/05/17 21:44:13 skip func: true_divide <NULL>
2024/05/17 21:44:13 skip func: trunc <NULL>
2024/05/17 21:44:13 skip func: trunc_ <NULL>
2024/05/17 21:44:13 skip func: unbind <NULL>
2024/05/17 21:44:13 skip func: unbind_copy <NULL>
2024/05/17 21:44:13 skip func: unflatten <NULL>
2024/05/17 21:44:13 skip func: unfold_copy <NULL>
2024/05/17 21:44:13 skip func: unsafe_chunk <NULL>
2024/05/17 21:44:13 skip func: unsafe_split <NULL>
2024/05/17 21:44:13 skip func: unsafe_split_with_sizes <NULL>
2024/05/17 21:44:13 skip func: unsqueeze <NULL>
2024/05/17 21:44:13 skip func: unsqueeze_copy <NULL>
2024/05/17 21:44:13 skip func: values_copy <NULL>
2024/05/17 21:44:13 skip func: vander <NULL>
2024/05/17 21:44:13 skip func: var <NULL>
2024/05/17 21:44:13 skip func: var_mean <NULL>
2024/05/17 21:44:13 skip func: vdot <NULL>
2024/05/17 21:44:13 skip func: view_as_complex <NULL>
2024/05/17 21:44:13 skip func: view_as_complex_copy <NULL>
2024/05/17 21:44:13 skip func: view_as_real <NULL>
2024/05/17 21:44:13 skip func: view_as_real_copy <NULL>
2024/05/17 21:44:13 skip func: view_copy <NULL>
2024/05/17 21:44:13 skip func: vsplit <NULL>
2024/05/17 21:44:13 skip func: vstack <NULL>
2024/05/17 21:44:13 skip func: where <NULL>
2024/05/17 21:44:13 skip func: xlogy <NULL>
2024/05/17 21:44:13 skip func: xlogy_ <NULL>
2024/05/17 21:44:13 skip func: zero_ <NULL>
2024/05/17 21:44:13 skip func: zeros <NULL>
2024/05/17 21:44:13 skip func: zeros_like <NULL>
2024/05/17 21:44:13 skip func: to_dlpack <NULL>
2024/05/17 21:44:13 skip func: matrix_rank <NULL>
2024/05/17 21:44:13 skip func: eig <NULL>
2024/05/17 21:44:13 skip func: solve <NULL>
2024/05/17 21:44:13 skip func: lstsq <NULL>
2024/05/17 21:44:13 skip func: symeig <NULL>
2024/05/17 21:44:13 skip func: compile <NULL>
2024/05/17 21:44:13 skip func: vmap <NULL>

File diff suppressed because it is too large Load Diff