未验证 提交 34a06cf5 编写于 作者: Z Zhanlue Yang 提交者: GitHub

Fixed eager compilation issues by temporarily turn off AutoCodeGen fo… (#37992)

* Fixed eager compilation issues by temporarily turn off AutoCodeGen for specific ops

* Removed op_types
上级 cb636a48
...@@ -33,501 +33,125 @@ ...@@ -33,501 +33,125 @@
#include "paddle/fluid/pybind/op_function_generator.h" #include "paddle/fluid/pybind/op_function_generator.h"
std::set<std::string> gen_list = { std::set<std::string> gen_list = {
"sigmoid", "sigmoid", "matmul_v2", "reduce_sum", "elementwise_add", "rsqrt",
"matmul_v2", "multihead_matmul", "addmm", "gru", "round", "push_dense", "rank_attention",
"reduce_sum", "fused_embedding_fc_lstm", "where_index", "bicubic_interp", "arg_min",
"elementwise_add", "tile", "bilinear_tensor_product", "ctc_align",
"rsqrt", "pow2_decay_with_linear_warmup", "marker", "split", "fc",
"multihead_matmul", "load", "elementwise_max", "adadelta",
"addmm",
"gru",
"round",
"push_dense",
"rank_attention",
"fused_embedding_fc_lstm",
"where_index",
"bicubic_interp",
"arg_min",
"tile",
"bilinear_tensor_product",
"ctc_align",
"pow2_decay_with_linear_warmup",
"marker",
"split",
"fc",
"clear_float_status",
"load",
"elementwise_max",
"adadelta",
"sparse_momentum",
"tan", "tan",
"adam", "fsp", "where", "logical_xor", "multiclass_nms3", "one_hot_v2",
"fsp", "sequence_softmax", "affine_channel", "triangular_solve",
"where", "sequence_topk_avg_pooling", "space_to_depth", "reverse",
"logical_xor", "fused_embedding_eltwise_layernorm", "expand_v2", "lgamma", "solve",
"multiclass_nms3", "deformable_psroi_pooling", "instance_norm", "decode_jpeg", "gather_nd",
"one_hot_v2", "reduce_prod", "matrix_rank", "asin", "lstmp", "iou_similarity",
"sequence_softmax", "huber_loss", "one_hot", "sequence_slice", "lookup_table", "softplus",
"affine_channel", "depthwise_conv2d", "fused_fc_elementwise_layernorm",
"triangular_solve", "sigmoid_cross_entropy_with_logits", "exp", "scatter", "equal_all",
"sequence_topk_avg_pooling", "searchsorted", "fusion_squared_mat_sub", "unique", "log", "conv_shift",
"space_to_depth", "smooth_l1_loss", "linear_interp_v2",
"reverse", "temporal_shift", "nce", "mv", "proximal_gd", "memcpy_h2d",
"fused_embedding_eltwise_layernorm", "add_position_encoding", "cosh", "hash", "grad_add", "sign", "prelu",
"expand_v2", "linspace", "fill_diagonal", "logsigmoid", "load_combine", "fetch_v2",
"lgamma", "randperm", "sequence_scatter", "partial_sum", "relu6", "conv3d",
"solve", "lstm_unit", "not_equal", "transpose2", "uniform_random_batch_size_like",
"deformable_psroi_pooling", "unfold", "lrn", "softmax_with_cross_entropy", "isfinite_v2", "bernoulli",
"instance_norm", "max_pool3d_with_index", "gaussian_random", "flatten2",
"decode_jpeg", "cvm", "adamax", "masked_select", "range", "bitwise_not", "trace",
"gather_nd", "multinomial", "modified_huber_loss", "roll", "squared_l2_distance",
"reduce_prod", "conv3d_transpose", "share_data", "fake_quantize_abs_max",
"matrix_rank", "unique_with_counts", "fill", "concat", "fill_zeros_like",
"asin", "hierarchical_sigmoid", "isinf_v2", "squeeze", "multiclass_nms2",
"lstmp", "bpr_loss", "fft_c2c", "bicubic_interp_v2", "reshape", "coalesce_tensor",
"iou_similarity", "roi_align", "reshape2", "reduce_any", "unstack", "scatter_nd_add",
"huber_loss", "sequence_reshape", "bilateral_slice", "fill_any_like", "empty",
"one_hot", "pad_constant_like", "pool2d", "size", "imag", "eigh", "stack",
"sequence_slice",
"lookup_table",
"softplus",
"depthwise_conv2d",
"fused_fc_elementwise_layernorm",
"sigmoid_cross_entropy_with_logits",
"exp",
"scatter",
"equal_all",
"searchsorted",
"fusion_squared_mat_sub",
"unique",
"log",
"conv_shift",
"smooth_l1_loss",
"linear_interp_v2",
"momentum",
"temporal_shift",
"nce",
"mv",
"proximal_gd",
"memcpy_h2d",
"add_position_encoding",
"cosh",
"hash",
"grad_add",
"sign",
"prelu",
"linspace",
"fill_diagonal",
"logsigmoid",
"load_combine",
"fetch_v2",
"randperm",
"sequence_scatter",
"partial_sum",
"relu6",
"conv3d",
"lstm_unit",
"not_equal",
"transpose2",
"uniform_random_batch_size_like",
"unfold",
"lrn",
"softmax_with_cross_entropy",
"isfinite_v2",
"bernoulli",
"max_pool3d_with_index",
"gaussian_random",
"flatten2",
"matmul",
"cvm",
"adamax",
"masked_select",
"range",
"bitwise_not",
"trace",
"multinomial",
"modified_huber_loss",
"roll",
"squared_l2_distance",
"conv3d_transpose",
"share_data",
"fake_quantize_abs_max",
"unique_with_counts",
"fill",
"concat",
"fill_zeros_like",
"hierarchical_sigmoid",
"isinf_v2",
"squeeze",
"multiclass_nms2",
"bpr_loss",
"fft_c2c",
"bicubic_interp_v2",
"reshape",
"coalesce_tensor",
"roi_align",
"reshape2",
"reduce_any",
"unstack",
"scatter_nd_add",
"sequence_reshape",
"bilateral_slice",
"fill_any_like",
"empty",
"pad_constant_like",
"pool2d",
"size",
"imag",
"eigh",
"stack",
"dgc_momentum", "dgc_momentum",
"lamb", "generate_proposals_v2", "bitwise_or", "gru_unit",
"generate_proposals_v2", "sampling_id", "unsqueeze2",
"bitwise_or", "sequence_enumerate", "fusion_seqconv_eltadd_relu", "bce_loss",
"gru_unit", "generate_proposal_labels", "im2sequence", "isinf", "adagrad",
"fake_channel_wise_quantize_dequantize_abs_max", "linear_chain_crf", "retinanet_target_assign", "fusion_group",
"sampling_id", "teacher_student_sigmoid_loss", "random_crop", "lookup_table_v2",
"unsqueeze2", "detection_map", "l1_norm", "sqrt", "fused_elemwise_activation",
"average_accumulates", "slogdeterminant", "share_buffer", "bitwise_and", "diag_embed", "unbind",
"sequence_enumerate",
"fusion_seqconv_eltadd_relu",
"bce_loss",
"generate_proposal_labels",
"im2sequence",
"isinf",
"adagrad",
"linear_chain_crf",
"retinanet_target_assign",
"fusion_group",
"teacher_student_sigmoid_loss",
"random_crop",
"lookup_table_v2",
"detection_map",
"l1_norm",
"sqrt",
"fused_elemwise_activation",
"slogdeterminant",
"share_buffer",
"bitwise_and",
"diag_embed",
"unbind",
"dropout", "dropout",
"moving_average_abs_max_scale", "beam_search", "log_loss", "greater_than", "kron", "sigmoid_focal_loss",
"beam_search", "rmsprop", "conv2d", "uniform_random_inplace", "maxout", "linear_interp",
"log_loss", "auc", "logical_or",
"greater_than", "acos", "unpool", "cumprod", "sample_logits", "crop_tensor",
"kron", "deformable_conv", "generate_mask_labels", "locality_aware_nms",
"sigmoid_focal_loss", "expand_as", "matrix_power", "greater_equal", "generate_proposals",
"rmsprop", "bilinear_interp", "inplace_abn", "softshrink", "mul", "data_norm",
"conv2d", "get_tensor_from_selected_rows", "spp", "floor", "gelu",
"uniform_random_inplace", "retinanet_detection_output", "push_dense", "silu", "sequence_erase",
"maxout", "real", "nearest_interp_v2", "dgc_clip_by_norm", "squeeze2",
"linear_interp", "strided_slice", "conj", "precision_recall", "save",
"auc", "fusion_seqexpand_concat_fc", "fake_quantize_range_abs_max",
"logical_or", "depthwise_conv2d_transpose", "positive_negative_pair", "square",
"batch_norm", "var_conv_2d", "log1p", "fused_softmax_mask_upper_triangle", "clip_by_norm",
"acos", "atan2", "box_decoder_and_assign", "fft_r2c", "roi_pool", "overlap_add",
"unpool", "fill_constant_batch_size_like", "fill_any", "dequantize_log",
"cumprod", "max_pool2d_with_index", "pad3d", "norm", "viterbi_decode", "mish",
"sample_logits", "box_coder", "flatten", "elementwise_mod", "margin_cross_entropy",
"crop_tensor", "logical_and", "pow", "stanh", "label_smooth", "merged_momentum",
"fill_constant", "ascend_trigger", "fused_feedforward", "rpn_target_assign",
"deformable_conv", "roi_perspective_transform", "expand", "prroi_pool", "pool3d", "memcpy",
"generate_mask_labels", "distribute_fpn_proposals", "frame", "bincount", "shape", "group_norm",
"locality_aware_nms", "resnet_unit", "sequence_expand_as", "cos_sim", "eigvals", "save_combine",
"expand_as", "class_center_sample", "read_file", "isfinite", "arg_max", "equal",
"matrix_power", "fake_dequantize_max_abs", "qr", "anchor_generator", "layer_norm",
"greater_equal", "merge_selected_rows", "less_equal",
"generate_proposals", "fusion_lstm", "lars_momentum", "hard_sigmoid", "isnan",
"bilinear_interp", "elementwise_floordiv", "correlation", "histogram", "gather_tree",
"inplace_abn", "segment_pool",
"softshrink", "fusion_repeated_fc_relu", "nop",
"mul", "expand_as_v2", "filter_by_instag", "nll_loss", "dot", "scale", "ncclBcast",
"data_norm", "shuffle_batch", "ncclReduce", "diag", "multiplex", "leaky_relu",
"get_tensor_from_selected_rows",
"spp",
"floor",
"gelu",
"retinanet_detection_output",
"push_dense",
"silu",
"sequence_erase",
"real",
"nearest_interp_v2",
"dgc_clip_by_norm",
"squeeze2",
"strided_slice",
"conj",
"precision_recall",
"save",
"fusion_seqexpand_concat_fc",
"fake_quantize_range_abs_max",
"depthwise_conv2d_transpose",
"positive_negative_pair",
"square",
"var_conv_2d",
"log1p",
"fused_softmax_mask_upper_triangle",
"clip_by_norm",
"atan2",
"box_decoder_and_assign",
"fft_r2c",
"roi_pool",
"overlap_add",
"fill_constant_batch_size_like",
"fill_any",
"dequantize_log",
"max_pool2d_with_index",
"pad3d",
"norm",
"viterbi_decode",
"mish",
"box_coder",
"flatten",
"elementwise_mod",
"margin_cross_entropy",
"logical_and",
"pow",
"stanh",
"label_smooth",
"merged_momentum",
"ascend_trigger",
"fused_feedforward",
"rpn_target_assign",
"roi_perspective_transform",
"expand",
"prroi_pool",
"pool3d",
"memcpy",
"distribute_fpn_proposals",
"frame",
"bincount",
"shape",
"group_norm",
"resnet_unit",
"sequence_expand_as",
"cos_sim",
"eigvals",
"save_combine",
"class_center_sample",
"read_file",
"isfinite",
"arg_max",
"equal",
"fake_dequantize_max_abs",
"qr",
"anchor_generator",
"layer_norm",
"merge_selected_rows",
"less_equal",
"rnn",
"fusion_lstm",
"lars_momentum",
"hard_sigmoid",
"isnan",
"elementwise_floordiv",
"correlation",
"histogram",
"gather_tree",
"segment_pool",
"sync_batch_norm",
"fusion_repeated_fc_relu",
"nop",
"expand_as_v2",
"filter_by_instag",
"nll_loss",
"dot",
"scale",
"ncclBcast",
"shuffle_batch",
"ncclReduce",
"diag",
"multiplex",
"leaky_relu",
"allclose", "allclose",
"adamw", "elementwise_pow", "prior_box", "p_norm", "unique_consecutive", "lod_reset",
"elementwise_pow", "pad", "sequence_conv", "log10", "set_value", "bitwise_xor", "center_loss",
"prior_box", "randint", "attention_lstm", "uniform_random", "slice", "meshgrid",
"p_norm", "hard_swish", "sin", "mean_iou", "pad2d", "inverse", "spectral_norm",
"unique_consecutive", "shuffle_channel", "psroi_pool", "seed", "ceil", "eig", "reduce_min", "cos",
"lod_reset", "ncclAllReduce", "cudnn_lstm", "digamma", "assign_value", "increment",
"pad", "tdm_sampler", "fused_softmax_mask", "sequence_reverse", "eigvalsh",
"sequence_conv", "diagonal", "trunc", "log2", "tanh", "yolov3_loss", "graph_send_recv",
"log10", "atan", "less_than", "unsqueeze", "crf_decoding", "log_softmax", "ftrl",
"set_value", "matrix_nms", "top_k_v2", "cast", "tanh_shrink", "hard_shrink",
"bitwise_xor", "multiclass_nms", "fusion_transpose_flatten_concat", "sequence_unpad",
"center_loss", "fused_elemwise_add_activation", "frobenius_norm", "crop", "cross_entropy2",
"randint", "skip_layernorm", "tdm_child", "fused_embedding_seq_pool", "erf",
"attention_lstm", "conv2d_inception_fusion", "trilinear_interp", "logsumexp",
"uniform_random", "fusion_seqpool_concat", "alloc_float_status", "sequence_concat",
"slice", "fusion_seqpool_cvm_concat", "similarity_focus", "argsort",
"meshgrid",
"hard_swish",
"sin",
"mean_iou",
"pad2d",
"inverse",
"spectral_norm",
"shuffle_channel",
"psroi_pool",
"seed",
"ceil",
"eig",
"reduce_min",
"cos",
"ncclAllReduce",
"cudnn_lstm",
"digamma",
"assign_value",
"increment",
"tdm_sampler",
"fused_softmax_mask",
"sequence_reverse",
"eigvalsh",
"diagonal",
"trunc",
"log2",
"tanh",
"yolov3_loss",
"graph_send_recv",
"accuracy",
"atan",
"less_than",
"unsqueeze",
"crf_decoding",
"log_softmax",
"ftrl",
"matrix_nms",
"top_k_v2",
"cast",
"tanh_shrink",
"hard_shrink",
"multiclass_nms",
"fusion_transpose_flatten_concat",
"sequence_unpad",
"fused_elemwise_add_activation",
"frobenius_norm",
"crop",
"cross_entropy2",
"skip_layernorm",
"tdm_child",
"fused_embedding_seq_pool",
"erf",
"conv2d_inception_fusion",
"trilinear_interp",
"logsumexp",
"fusion_seqpool_concat",
"alloc_float_status",
"sequence_concat",
"fusion_seqpool_cvm_concat",
"similarity_focus",
"argsort",
"sequence_expand", "sequence_expand",
"sgd", "fused_bn_add_activation", "bilinear_interp_v2", "clip",
"fused_bn_add_activation", "deformable_conv_v1", "hinge_loss", "determinant", "conv2d_transpose",
"bilinear_interp_v2", "memcpy_d2h", "softsign",
"clip", "broadcast_tensors", "grid_sampler", "fft_c2r", "pyramid_hash",
"deformable_conv_v1", "multi_dot", "sequence_pool", "transpose", "top_k", "dist", "affine_grid",
"hinge_loss", "gaussian_random_batch_size_like", "fake_channel_wise_dequantize_max_abs",
"determinant", "reciprocal", "sequence_mask", "fill_diagonal_tensor", "abs",
"conv2d_transpose", "partial_concat", "elu", "index_select", "row_conv", "cross",
"memcpy_d2h", "elementwise_mul", "decayed_adagrad", "bipartite_match",
"softsign", "fake_quantize_moving_average_abs_max", "mine_hard_examples",
"fake_quantize_dequantize_abs_max", "target_assign", "lstm", "truncated_gaussian_random", "match_matrix_tensor",
"broadcast_tensors", "elementwise_div", "kldiv_loss", "cumsum", "sum", "proximal_adagrad",
"grid_sampler", "shard_index", "selu", "mean", "gumbel_softmax", "sequence_pad",
"fft_c2r", "tree_conv", "assign", "flatten_contiguous_range", "tril_triu", "brelu",
"pyramid_hash", "celu", "reduce_mean", "sinh", "rank_loss", "reduce_max", "fusion_gru",
"fake_quantize_dequantize_moving_average_abs_max", "fill_zeros_like2", "expm1", "squared_l2_norm", "elementwise_sub",
"multi_dot", "margin_rank_loss", "faster_tokenizer", "relu", "is_empty", "reduce_all",
"sequence_pool", "edit_distance", "bmm", "yolo_box", "soft_relu", "density_prior_box", "eye",
"transpose", "swish", "cross_entropy", "dpsgd", "cholesky", "batch_fc", "nearest_interp",
"top_k", "gather", "trilinear_interp_v2", "box_clip", "isnan_v2", "softmax",
"dist", "conv2d_fusion", "fused_batch_norm_act",
"affine_grid", "index_sample", "elementwise_min", "logical_not", "collect_fpn_proposals",
"gaussian_random_batch_size_like", "pixel_shuffle", "thresholded_relu", "polygon_box_transform",
"fake_channel_wise_dequantize_max_abs", "lookup_table_dequant", "warpctc", "fake_channel_wise_quantize_abs_max",
"reciprocal", "dequantize_abs_max", "svd", "flip"};
"sequence_mask",
"fill_diagonal_tensor",
"abs",
"partial_concat",
"elu",
"index_select",
"row_conv",
"cross",
"elementwise_mul",
"decayed_adagrad",
"bipartite_match",
"fake_quantize_moving_average_abs_max",
"mine_hard_examples",
"target_assign",
"lstm",
"truncated_gaussian_random",
"match_matrix_tensor",
"elementwise_div",
"kldiv_loss",
"cumsum",
"sum",
"proximal_adagrad",
"shard_index",
"selu",
"mean",
"gumbel_softmax",
"sequence_pad",
"tree_conv",
"assign",
"flatten_contiguous_range",
"tril_triu",
"brelu",
"celu",
"reduce_mean",
"sinh",
"rank_loss",
"reduce_max",
"fusion_gru",
"fill_zeros_like2",
"expm1",
"squared_l2_norm",
"elementwise_sub",
"margin_rank_loss",
"faster_tokenizer",
"relu",
"is_empty",
"reduce_all",
"edit_distance",
"bmm",
"yolo_box",
"soft_relu",
"density_prior_box",
"eye",
"swish",
"cross_entropy",
"dpsgd",
"cholesky",
"batch_fc",
"nearest_interp",
"gather",
"trilinear_interp_v2",
"box_clip",
"isnan_v2",
"softmax",
"conv2d_fusion",
"fused_batch_norm_act",
"get_float_status",
"index_sample",
"elementwise_min",
"logical_not",
"collect_fpn_proposals",
"pixel_shuffle",
"thresholded_relu",
"polygon_box_transform",
"lookup_table_dequant",
"warpctc",
"fake_channel_wise_quantize_abs_max",
"dequantize_abs_max",
"svd",
"flip"};
// clang-format off // clang-format off
const char* OUT_INITIALIZER_TEMPLATE = const char* OUT_INITIALIZER_TEMPLATE =
......
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册