From 76dc80e7b7c0c61bdd77d2fb9fd0649c44c18950 Mon Sep 17 00:00:00 2001 From: liubuyu Date: Mon, 20 Jul 2020 10:51:55 +0800 Subject: [PATCH] Unified code style --- .../backend/kernel_compiler/aicpu/aicpu_kernel_build.h | 6 +++--- .../backend/kernel_compiler/aicpu/aicpu_kernel_metadata.h | 6 +++--- .../ccsrc/backend/kernel_compiler/aicpu/aicpu_kernel_mod.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_util.h | 6 +++--- .../backend/kernel_compiler/akg/akg_kernel_attrs_process.h | 6 +++--- .../ccsrc/backend/kernel_compiler/akg/akg_kernel_build.h | 6 +++--- .../ccsrc/backend/kernel_compiler/akg/akg_kernel_metadata.h | 6 +++--- .../kernel_compiler/akg/ascend/akg_ascend_kernel_build.h | 6 +++--- .../kernel_compiler/akg/ascend/akg_ascend_kernel_mod.h | 6 +++--- .../backend/kernel_compiler/akg/gpu/akg_gpu_kernel_build.h | 6 +++--- .../backend/kernel_compiler/akg/gpu/akg_gpu_kernel_mod.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/ascend_kernel_mod.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/common_utils.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/addn_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/allgather_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/apply_momentum_cpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/argmax_cpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/bias_add_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/bias_add_grad_cpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/concat_cpu_kernel.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/cpu/cpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/cpu_kernel_factory.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/debug_cpu_kernel.h | 6 +++--- .../cpu/embedding_look_up_comm_grad_cpu_kernel.h | 6 +++--- .../kernel_compiler/cpu/embedding_look_up_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/equal_count_cpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/gather_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/mkldnn/conv2d_cpu_kernel.h | 6 +++--- .../cpu/mkldnn/conv2d_grad_filter_cpu_kernel.h | 6 +++--- .../cpu/mkldnn/conv2d_grad_input_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/mkldnn/lstm_cpu_kernel.h | 6 +++--- .../kernel_compiler/cpu/mkldnn/lstm_grad_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/mkldnn/matmul_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/mkldnn/mkl_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/mkldnn/mul_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/mkldnn/pooling_cpu_kernel.h | 6 +++--- .../kernel_compiler/cpu/mkldnn/pooling_grad_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/mkldnn/relu_cpu_kernel.h | 6 +++--- .../kernel_compiler/cpu/mkldnn/relu_grad_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/mkldnn/softmax_cpu_kernel.h | 6 +++--- .../mkldnn/softmax_cross_entropy_with_logits_cpu_kernel.h | 6 +++--- .../sparse_softmax_cross_entropy_with_logits_cpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/one_hot_cpu_kernel.h | 6 +++--- .../kernel_compiler/cpu/ps/apply_momentum_ps_kernel.h | 6 +++--- .../kernel_compiler/cpu/ps/embedding_look_up_proxy_kernel.h | 6 +++--- .../kernel_compiler/cpu/ps/embedding_look_up_ps_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/ps/pserver_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/ps/pull_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/ps/push_kernel.h | 6 +++--- .../kernel_compiler/cpu/ps/sparse_apply_adam_ps_kernel.h | 6 +++--- .../kernel_compiler/cpu/ps/sparse_apply_ftrl_ps_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/reduce_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/reduce_scatter_cpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/reshape_cpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/slice_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/slice_grad_cpu_kernel.h | 6 +++--- .../kernel_compiler/cpu/sparse_apply_adam_cpu_kernel.h | 6 +++--- .../kernel_compiler/cpu/sparse_apply_ftrl_cpu_kernel.h | 6 +++--- .../kernel_compiler/cpu/sparse_apply_lazy_adam_cpu_kernel.h | 6 +++--- .../cpu/sparse_apply_proximal_adagrad_cpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/cpu/sub_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/cpu/transpose_cpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/arrays/argmax_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/arrays/argmaxwithvalue_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/arrays/array_reduce_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/arrays/broadcast_to_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/arrays/concatv2_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/arrays/one_hot_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/arrays/oneslike_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/arrays/select_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/arrays/slice_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/arrays/slice_grad_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/arrays/split_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/arrays/topk_gpu_kernel.h | 4 ++-- .../kernel_compiler/gpu/arrays/transpose_gpu_kernel.h | 6 +++--- .../gpu/arrays/unsorted_segment_sum_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/control/recv_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/control/send_gpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/gpu/data/dataset_utils.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/gpu/gpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/gpu/gpu_kernel_factory.h | 6 +++--- .../ccsrc/backend/kernel_compiler/gpu/kernel_constants.h | 6 +++--- .../backend/kernel_compiler/gpu/math/addn_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/math/assign_add_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/math/broadcast_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/math/broadcast_grad_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/math/float_status_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/math/random_op_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/math/unary_op_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/nccl/nccl_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/nn/activation_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/nn/activation_grad_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/gpu/nn/adam_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/nn/bias_add_grad_gpu_kenel.h | 6 +++--- .../backend/kernel_compiler/gpu/nn/conv2d_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/nn/conv2d_grad_filter_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/nn/conv2d_grad_input_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/nn/ctcloss_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/nn/dropout_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/nn/dropout_grad_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/nn/flatten_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/nn/flatten_grad_gpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/gpu/nn/ftrl_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/nn/fused_adam_weight_decay.h | 6 +++--- .../kernel_compiler/gpu/nn/fused_batch_norm_gpu_kernel.h | 6 +++--- .../gpu/nn/fused_batchnorm_grad_gpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/gpu/nn/gelu_grad_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/gpu/nn/gelu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/nn/layer_norm_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/nn/layer_norm_grad_gpu_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/gpu/nn/lstm_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/nn/lstm_grad_data_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/nn/lstm_grad_weight_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/nn/momentum_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/nn/pooling_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/nn/pooling_grad_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/nn/rmsprop_gpu_kernel.h | 4 ++-- .../gpu/nn/sigmoid_cross_entropy_with_logits_gpu_kernel.h | 6 +++--- .../nn/sigmoid_cross_entropy_with_logits_grad_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/nn/smooth_l1_loss_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/nn/smooth_l1_loss_grad_gpu_kernel.h | 6 +++--- .../gpu/nn/softmax_cross_entropy_with_logits_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/nn/softmax_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/nn/softmax_grad_gpu_kernel.h | 6 +++--- .../sparse_softmax_cross_entropy_with_logits_gpu_kernel.h | 6 +++--- .../backend/kernel_compiler/gpu/other/assign_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/quant/batchnorm_fold2_gpu_kernel.h | 6 +++--- .../gpu/quant/batchnorm_fold2_grad_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/quant/batchnorm_fold_gpu_kernel.h | 6 +++--- .../gpu/quant/batchnorm_fold_grad_gpu_kernel.h | 6 +++--- .../kernel_compiler/gpu/quant/correction_mul_gpu_kernel.h | 6 +++--- .../gpu/quant/correction_mul_grad_gpu_kernel.h | 6 +++--- .../gpu/quant/fake_quant_perchannel_gpu_kernel.h | 6 +++--- .../gpu/quant/fake_quant_perchannel_grad_gpu_kernel.h | 6 +++--- .../gpu/quant/fake_quant_perlayer_gpu_kernel.h | 6 +++--- .../gpu/quant/fake_quant_perlayer_grad_gpu_kernel.h | 6 +++--- .../gpu/quant/minmax_update_perchannel_gpu_kernel.h | 6 +++--- .../gpu/quant/minmax_update_perlayer_gpu_kernel.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/hccl/hccl_kernel.h | 4 ++-- .../ccsrc/backend/kernel_compiler/hccl/hccl_kernel_build.h | 4 ++-- .../backend/kernel_compiler/hccl/hccl_kernel_metadata.h | 6 +++--- .../ccsrc/backend/kernel_compiler/hccl/hcom_all_broadcast.h | 4 ++-- .../ccsrc/backend/kernel_compiler/hccl/hcom_all_gather.h | 4 ++-- .../ccsrc/backend/kernel_compiler/hccl/hcom_all_reduce.h | 4 ++-- .../backend/kernel_compiler/hccl/hcom_all_reduce_scatter.h | 4 ++-- mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_util.h | 4 ++-- mindspore/ccsrc/backend/kernel_compiler/kernel.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/kernel_build_info.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/kernel_fusion.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/kernel_query.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/oplib/opinfo.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/oplib/oplib.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/rts/assign.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/rts/label_goto.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/rts/label_set.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/rts/label_switch.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/rts/memcpy_async.h | 6 +++--- .../backend/kernel_compiler/rts/profiling_kernel_mod.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/rts/recv.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/rts/rt_kernel.h | 6 +++--- .../ccsrc/backend/kernel_compiler/rts/rt_kernel_build.h | 6 +++--- .../ccsrc/backend/kernel_compiler/rts/rt_kernel_info.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/rts/send.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/rts/stream_active.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/rts/stream_switch.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/task_stream.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_adapter.h | 6 +++--- .../ccsrc/backend/kernel_compiler/tbe/tbe_convert_utils.h | 6 +++--- .../ccsrc/backend/kernel_compiler/tbe/tbe_kernel_build.h | 6 +++--- .../ccsrc/backend/kernel_compiler/tbe/tbe_kernel_mod.h | 6 +++--- .../backend/kernel_compiler/tbe/tbe_kernel_parallel_build.h | 6 +++--- .../kernel_compiler/tbe/tbe_kernel_select/common_utils.h | 6 +++--- .../tbe/tbe_kernel_select/tbe_kernel_broadcast_selecter.h | 4 ++-- .../tbe/tbe_kernel_select/tbe_kernel_reduce_selecter.h | 4 ++-- .../ccsrc/backend/kernel_compiler/tbe/tbe_python_funcs.h | 6 +++--- mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_utils.h | 6 +++--- .../backend/optimizer/ascend/ascend_backend_optimization.h | 6 +++--- mindspore/ccsrc/backend/optimizer/ascend/ascend_helper.h | 6 +++--- .../buffer_fusion/bnupdate_eltwise_eltwise_fusion_pass.h | 6 +++--- .../ascend/buffer_fusion/bnupdate_eltwise_fusion_pass.h | 6 +++--- .../conv2dbackprop_eltwise_eltwise_fusion_pass.h | 6 +++--- .../buffer_fusion/conv2dbackprop_eltwise_fusion_pass.h | 6 +++--- .../ascend/buffer_fusion/conv_bnreduce_fusion_pass.h | 6 +++--- .../ascend/buffer_fusion/conv_double_in_fusion_pass.h | 6 +++--- .../ascend/buffer_fusion/conv_single_in_fusion_pass.h | 6 +++--- .../buffer_fusion/depthwiseconv_eltwise_fusion_pass.h | 6 +++--- .../optimizer/ascend/buffer_fusion/eltwise_fusion_pass.h | 6 +++--- .../optimizer/ascend/buffer_fusion/fusion_base_pass.h | 6 +++--- .../ascend/buffer_fusion/matmul_eltwise_fusion_pass.h | 6 +++--- .../ascend/buffer_fusion/multi_output_fusion_pass.h | 6 +++--- .../ascend/buffer_fusion/reduce_eltwise_fusion_pass.h | 6 +++--- .../ascend/buffer_fusion/segment_eltwise_fusion_pass.h | 6 +++--- .../stridedread_conv_stridedwrite_fusion_pass.h | 6 +++--- .../optimizer/ascend/buffer_fusion/ub_pattern_fusion.h | 6 +++--- .../optimizer/ascend/enhancer/getnext_memcpy_elimination.h | 6 +++--- .../ascend/enhancer/insert_memcpy_async_for_getnext.h | 6 +++--- .../ascend/enhancer/insert_memcpy_async_for_hccl_op.h | 6 +++--- .../ascend/enhancer/insert_pad_for_nms_with_mask.h | 6 +++--- .../ascend/format_type/chang_axis_of_reduce_kernel.h | 6 +++--- .../optimizer/ascend/format_type/check_consistency.h | 6 +++--- .../optimizer/ascend/format_type/deal_ref_trans_and_cast.h | 6 +++--- .../backend/optimizer/ascend/format_type/insert_cast.h | 6 +++--- .../backend/optimizer/ascend/format_type/insert_trans_op.h | 6 +++--- .../ascend/format_type/insert_transdata_for_runop.h | 6 +++--- .../backend/optimizer/ascend/format_type/merge_cast_to_op.h | 6 +++--- .../backend/optimizer/ascend/format_type/modify_ops_attrs.h | 6 +++--- .../ascend/format_type/rectify_do_mask_kernel_info.h | 6 +++--- .../optimizer/ascend/format_type/remove_internal_output.h | 6 +++--- .../optimizer/ascend/format_type/remove_no_use_reshape_op.h | 6 +++--- .../backend/optimizer/ascend/ir_fission/addn_fission.h | 6 +++--- .../optimizer/ascend/ir_fission/batch_norm_bert_fission.h | 6 +++--- .../ascend/ir_fission/batch_norm_grad_infer_fission.h | 6 +++--- .../optimizer/ascend/ir_fission/batch_norm_grad_split.h | 6 +++--- .../backend/optimizer/ascend/ir_fission/bn_grad_split.h | 6 +++--- .../ccsrc/backend/optimizer/ascend/ir_fission/bn_split.h | 6 +++--- .../backend/optimizer/ascend/ir_fission/concat_fission.h | 6 +++--- .../backend/optimizer/ascend/ir_fission/lars_v2_fission.h | 6 +++--- .../optimizer/ascend/ir_fission/layer_norm_grad_split.h | 6 +++--- .../backend/optimizer/ascend/ir_fission/pack_fission.h | 6 +++--- .../optimizer/ascend/ir_fission/single_batch_norm_fission.h | 6 +++--- .../backend/optimizer/ascend/ir_fission/split_fission.h | 6 +++--- .../ccsrc/backend/optimizer/ascend/ir_fission/topk_split.h | 6 +++--- .../backend/optimizer/ascend/ir_fission/transdata_split.h | 6 +++--- .../optimizer/ascend/ir_fusion/adam_apply_one_fusion.h | 6 +++--- .../ascend/ir_fusion/adam_apply_one_with_decay_rule.h | 6 +++--- .../optimizer/ascend/ir_fusion/add_input_to_output.h | 6 +++--- .../optimizer/ascend/ir_fusion/batchnorm_to_bninfer.h | 6 +++--- .../ascend/ir_fusion/batchnormgrad_to_bninfergrad.h | 6 +++--- .../ir_fusion/clip_by_norm_no_div_square_sum_fusion.h | 6 +++--- .../optimizer/ascend/ir_fusion/clip_by_value_fusion.h | 6 +++--- .../optimizer/ascend/ir_fusion/confusion_mul_grad_fusion.h | 6 +++--- .../ascend/ir_fusion/confusion_softmax_grad_rule.h | 6 +++--- .../backend/optimizer/ascend/ir_fusion/derelu_fusion.h | 6 +++--- .../optimizer/ascend/ir_fusion/fused_batch_norm_fusion.h | 6 +++--- .../optimizer/ascend/ir_fusion/input_to_output_registry.h | 6 +++--- .../backend/optimizer/ascend/ir_fusion/lamb_next_mv_rule.h | 6 +++--- .../ascend/ir_fusion/lamb_next_mv_with_decay_rule.h | 6 +++--- .../ascend/ir_fusion/lamb_next_mv_with_decay_v1_rule.h | 6 +++--- .../optimizer/ascend/ir_fusion/lamb_next_right_rule.h | 6 +++--- .../ascend/ir_fusion/lamb_update_with_lr_rule_fusion.h | 6 +++--- .../optimizer/ascend/ir_fusion/lamb_update_with_lr_v2.h | 6 +++--- .../ir_fusion/layer_norm_beta_gamma_backprop_fusion.h | 6 +++--- .../optimizer/ascend/ir_fusion/matmul_biasadd_fusion.h | 6 +++--- .../optimizer/ascend/ir_fusion/momentum_lossscale_fusion.h | 6 +++--- .../backend/optimizer/ascend/ir_fusion/mul_add_fusion.h | 6 +++--- .../backend/optimizer/ascend/ir_fusion/mul_addn_fusion.h | 6 +++--- .../ascend/ir_fusion/parameter_and_transop_fusion.h | 4 ++-- .../optimizer/ascend/ir_fusion/refresh_parameter_format.h | 6 +++--- .../optimizer/ascend/ir_fusion/remove_reshape_pair.h | 6 +++--- .../optimizer/ascend/ir_fusion/reshape_transpose_fusion.h | 6 +++--- .../optimizer/ascend/ir_fusion/softmax_grad_ext_fusion.h | 6 +++--- .../backend/optimizer/ascend/ir_fusion/square_sum_fusion.h | 6 +++--- .../optimizer/ascend/ir_fusion/transpose_reshape_fusion.h | 6 +++--- .../optimizer/ascend/ir_fusion/transpose_transdata_fusion.h | 6 +++--- .../backend/optimizer/common/common_backend_optimization.h | 6 +++--- .../ccsrc/backend/optimizer/common/fusion_id_allocator.h | 6 +++--- mindspore/ccsrc/backend/optimizer/common/helper.h | 6 +++--- mindspore/ccsrc/backend/optimizer/common/node_pass.h | 6 +++--- mindspore/ccsrc/backend/optimizer/common/optimizer.h | 6 +++--- mindspore/ccsrc/backend/optimizer/common/pass.h | 6 +++--- mindspore/ccsrc/backend/optimizer/common/pass_manager.h | 6 +++--- mindspore/ccsrc/backend/optimizer/common/pattern_engine.h | 6 +++--- mindspore/ccsrc/backend/optimizer/common/visit.h | 6 +++--- .../ccsrc/backend/optimizer/mem_reuse/kernel_refcount.h | 6 +++--- .../ccsrc/backend/optimizer/mem_reuse/mem_copy_manager.h | 6 +++--- .../backend/optimizer/mem_reuse/mem_dynamic_allocator.h | 6 +++--- mindspore/ccsrc/backend/optimizer/mem_reuse/mem_reuse.h | 6 +++--- .../ccsrc/backend/optimizer/mem_reuse/mem_reuse_allocator.h | 6 +++--- .../ccsrc/backend/optimizer/mem_reuse/mem_reuse_checker.h | 6 +++--- .../ccsrc/backend/optimizer/mem_reuse/mem_swap_manager.h | 6 +++--- mindspore/ccsrc/backend/optimizer/pass/add_atomic_clean.h | 6 +++--- .../optimizer/pass/common_subexpression_elimination.h | 6 +++--- .../ccsrc/backend/optimizer/pass/communication_op_fusion.h | 6 +++--- .../backend/optimizer/pass/const_input_to_attr_registry.h | 6 +++--- .../optimizer/pass/const_to_attr_strided_slice_grad.h | 6 +++--- .../backend/optimizer/pass/convert_const_input_to_attr.h | 6 +++--- .../optimizer/pass/convert_const_input_to_tensor_input.h | 6 +++--- .../optimizer/pass/convert_tuple_input_to_dynamic_input.h | 6 +++--- .../ccsrc/backend/optimizer/pass/eliminate_redundant_op.h | 6 +++--- mindspore/ccsrc/backend/optimizer/pass/erase_visit_attr.h | 6 +++--- mindspore/ccsrc/backend/optimizer/pass/fuse_basic.h | 6 +++--- mindspore/ccsrc/backend/optimizer/pass/fuse_graph_kernel.h | 6 +++--- mindspore/ccsrc/backend/optimizer/pass/getitem_tuple.h | 6 +++--- .../ccsrc/backend/optimizer/pass/optimize_dependence.h | 6 +++--- .../ccsrc/backend/optimizer/pass/replace_node_by_proxy.h | 6 +++--- mindspore/ccsrc/backend/session/anf_runtime_algorithm.h | 6 +++--- mindspore/ccsrc/backend/session/ascend_control_parser.h | 6 +++--- mindspore/ccsrc/backend/session/ascend_inference_session.h | 6 +++--- mindspore/ccsrc/backend/session/ascend_session.h | 6 +++--- mindspore/ccsrc/backend/session/cpu_session.h | 6 +++--- mindspore/ccsrc/backend/session/gpu_session.h | 6 +++--- mindspore/ccsrc/backend/session/kernel_graph.h | 6 +++--- mindspore/ccsrc/backend/session/session.h | 6 +++--- mindspore/ccsrc/backend/session/session_basic.h | 6 +++--- mindspore/ccsrc/backend/session/session_context.h | 6 +++--- mindspore/ccsrc/backend/session/session_factory.h | 6 +++--- mindspore/ccsrc/debug/common.h | 6 +++--- mindspore/ccsrc/debug/data_dump_parser.h | 6 +++--- mindspore/ccsrc/frontend/operator/cc_implementations.h | 6 +++--- mindspore/ccsrc/frontend/operator/composite/composite.h | 6 +++--- mindspore/ccsrc/frontend/operator/composite/do_signature.h | 6 +++--- .../frontend/operator/composite/list_append_operation.h | 6 +++--- mindspore/ccsrc/frontend/operator/composite/map.h | 6 +++--- .../ccsrc/frontend/operator/composite/multitype_funcgraph.h | 6 +++--- mindspore/ccsrc/frontend/operator/composite/unpack_call.h | 6 +++--- mindspore/ccsrc/frontend/operator/composite/zip_operation.h | 6 +++--- mindspore/ccsrc/frontend/operator/ops.h | 6 +++--- mindspore/ccsrc/frontend/operator/prim_to_function.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/ad/adjoint.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/ad/dfunctor.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/ad/grad.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/clean.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/control_depend.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/cse.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/graph_kernel_reuse.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/irpass.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/arithmetic_simplify.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/irpass/branch_culling.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/irpass/cast_eliminate.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/irpass/convert.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/env_item_eliminate.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/grad_var_prepare.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/gradient_eliminate.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/incorporate_call.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/incorporate_getitem.h | 6 +++--- .../frontend/optimizer/irpass/indexed_slices_eliminate.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/irpass/inline.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/item_tuple_eliminate.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/mark_interface_fusion.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/irpass/merge_addn.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/irpass/minmax_grad.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/irpass/param_replace.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/partial_eliminate.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/irpass/prim_eliminate.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/reduce_eliminate.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/irpass/ref_eliminate.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/reshape_eliminate.h | 6 +++--- .../frontend/optimizer/irpass/sparse_tensor_eliminate.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/special_op_eliminate.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/specialize_transform.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/irpass/symbol_resolver.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/irpass/tile_eliminate.h | 6 +++--- .../ccsrc/frontend/optimizer/irpass/transpose_eliminate.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/opt.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/optimizer.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/pass_group.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/py_pass.h | 6 +++--- mindspore/ccsrc/frontend/optimizer/py_pass_manager.h | 6 +++--- .../frontend/parallel/allreduce_fusion/allreduce_fusion.h | 6 +++--- .../frontend/parallel/allreduce_fusion/allreduce_graph.h | 6 +++--- .../frontend/parallel/allreduce_fusion/allreduce_node.h | 6 +++--- .../parallel/allreduce_fusion/step_allreduce_fusion.h | 6 +++--- mindspore/ccsrc/frontend/parallel/auto_parallel/costmodel.h | 6 +++--- .../frontend/parallel/auto_parallel/dp_algo_costmodel.h | 6 +++--- .../ccsrc/frontend/parallel/auto_parallel/graph_costmodel.h | 6 +++--- mindspore/ccsrc/frontend/parallel/context.h | 6 +++--- mindspore/ccsrc/frontend/parallel/costmodel_context.h | 6 +++--- mindspore/ccsrc/frontend/parallel/device.h | 6 +++--- mindspore/ccsrc/frontend/parallel/device_manager.h | 6 +++--- mindspore/ccsrc/frontend/parallel/device_matrix.h | 6 +++--- mindspore/ccsrc/frontend/parallel/dynamic_creator.h | 6 +++--- .../ccsrc/frontend/parallel/graph_util/generate_graph.h | 6 +++--- .../ccsrc/frontend/parallel/graph_util/get_parallel_info.h | 6 +++--- mindspore/ccsrc/frontend/parallel/graph_util/graph_info.h | 6 +++--- mindspore/ccsrc/frontend/parallel/graph_util/node_info.h | 6 +++--- mindspore/ccsrc/frontend/parallel/group_manager.h | 6 +++--- mindspore/ccsrc/frontend/parallel/node_check.h | 6 +++--- .../ccsrc/frontend/parallel/ops_info/activation_info.h | 6 +++--- .../ccsrc/frontend/parallel/ops_info/arithmetic_info.h | 6 +++--- .../ccsrc/frontend/parallel/ops_info/batch_parallel_info.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ops_info/bias_add_info.h | 6 +++--- .../frontend/parallel/ops_info/comparison_function_info.h | 6 +++--- .../ccsrc/frontend/parallel/ops_info/dropout_do_mask_info.h | 6 +++--- .../frontend/parallel/ops_info/elementary_function_info.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ops_info/gather_v2_info.h | 6 +++--- .../ccsrc/frontend/parallel/ops_info/gather_v2_p_info.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ops_info/get_next_info.h | 6 +++--- .../ccsrc/frontend/parallel/ops_info/l2_normalize_info.h | 6 +++--- .../ccsrc/frontend/parallel/ops_info/layer_norm_info.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ops_info/loss_info.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ops_info/matmul_info.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ops_info/onehot_info.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ops_info/operator_info.h | 6 +++--- .../ccsrc/frontend/parallel/ops_info/ops_info_head_files.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ops_info/ops_utils.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ops_info/prelu_info.h | 6 +++--- .../ccsrc/frontend/parallel/ops_info/reduce_method_info.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ops_info/reshape_info.h | 6 +++--- .../ccsrc/frontend/parallel/ops_info/tmp_identity_info.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ops_info/transpose_info.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ps/common.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ps/optimizer_info.h | 6 +++--- .../ccsrc/frontend/parallel/ps/optimizer_info_builder.h | 4 ++-- mindspore/ccsrc/frontend/parallel/ps/parameter_server.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ps/scheduler.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ps/util.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ps/worker.h | 6 +++--- mindspore/ccsrc/frontend/parallel/ps/worker_proxy.h | 6 +++--- mindspore/ccsrc/frontend/parallel/status.h | 6 +++--- mindspore/ccsrc/frontend/parallel/step_parallel.h | 6 +++--- mindspore/ccsrc/frontend/parallel/strategy.h | 6 +++--- .../strategy_checkpoint/parallel_strategy_checkpoint.h | 6 +++--- .../ccsrc/frontend/parallel/tensor_layout/arrangement.h | 6 +++--- mindspore/ccsrc/frontend/parallel/tensor_layout/array.h | 6 +++--- .../frontend/parallel/tensor_layout/construct_operator.h | 6 +++--- .../ccsrc/frontend/parallel/tensor_layout/layout_transfer.h | 6 +++--- mindspore/ccsrc/frontend/parallel/tensor_layout/map.h | 6 +++--- .../parallel/tensor_layout/redistribution_layout_transfer.h | 6 +++--- .../parallel/tensor_layout/redistribution_operator_infer.h | 6 +++--- .../parallel/tensor_layout/reshape_layout_transfer.h | 6 +++--- .../ccsrc/frontend/parallel/tensor_layout/shape_util.h | 6 +++--- .../ccsrc/frontend/parallel/tensor_layout/tensor_info.h | 6 +++--- .../ccsrc/frontend/parallel/tensor_layout/tensor_layout.h | 6 +++--- .../frontend/parallel/tensor_layout/tensor_redistribution.h | 6 +++--- mindspore/ccsrc/minddata/dataset/api/de_pipeline.h | 6 +++--- mindspore/ccsrc/minddata/dataset/core/client.h | 6 +++--- mindspore/ccsrc/minddata/dataset/core/config_manager.h | 6 +++--- mindspore/ccsrc/minddata/dataset/core/constants.h | 6 +++--- mindspore/ccsrc/minddata/dataset/core/cv_tensor.h | 6 +++--- mindspore/ccsrc/minddata/dataset/core/data_type.h | 6 +++--- mindspore/ccsrc/minddata/dataset/core/global_context.h | 6 +++--- mindspore/ccsrc/minddata/dataset/core/tensor.h | 6 +++--- mindspore/ccsrc/minddata/dataset/core/tensor_row.h | 6 +++--- mindspore/ccsrc/minddata/dataset/core/tensor_shape.h | 6 +++--- .../ccsrc/minddata/dataset/engine/cache/cache_client.h | 6 +++--- .../ccsrc/minddata/dataset/engine/cache/cache_request.h | 6 +++--- .../ccsrc/minddata/dataset/engine/cache/cache_server.h | 6 +++--- .../ccsrc/minddata/dataset/engine/cache/cache_service.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/connector.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/data_buffer.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/data_schema.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/dataset_iterator.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/barrier_op.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/batch_op.h | 6 +++--- .../dataset/engine/datasetops/bucket_batch_by_length_op.h | 6 +++--- .../minddata/dataset/engine/datasetops/build_vocab_op.h | 6 +++--- .../minddata/dataset/engine/datasetops/cache_base_op.h | 6 +++--- .../minddata/dataset/engine/datasetops/cache_lookup_op.h | 6 +++--- .../minddata/dataset/engine/datasetops/cache_merge_op.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/cache_op.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/concat_op.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/dataset_op.h | 6 +++--- .../minddata/dataset/engine/datasetops/device_queue_op.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/filter_op.h | 4 ++-- mindspore/ccsrc/minddata/dataset/engine/datasetops/map_op.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/parallel_op.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/pipeline_op.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/project_op.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/rename_op.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/repeat_op.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/shuffle_op.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/skip_op.h | 6 +++--- .../minddata/dataset/engine/datasetops/source/celeba_op.h | 6 +++--- .../minddata/dataset/engine/datasetops/source/cifar_op.h | 6 +++--- .../minddata/dataset/engine/datasetops/source/clue_op.h | 6 +++--- .../minddata/dataset/engine/datasetops/source/coco_op.h | 6 +++--- .../dataset/engine/datasetops/source/generator_op.h | 6 +++--- .../dataset/engine/datasetops/source/image_folder_op.h | 6 +++--- .../minddata/dataset/engine/datasetops/source/io_block.h | 6 +++--- .../minddata/dataset/engine/datasetops/source/manifest_op.h | 6 +++--- .../dataset/engine/datasetops/source/mindrecord_op.h | 6 +++--- .../minddata/dataset/engine/datasetops/source/mnist_op.h | 6 +++--- .../dataset/engine/datasetops/source/random_data_op.h | 6 +++--- .../engine/datasetops/source/sampler/distributed_sampler.h | 6 +++--- .../dataset/engine/datasetops/source/sampler/pk_sampler.h | 6 +++--- .../engine/datasetops/source/sampler/python_sampler.h | 6 +++--- .../engine/datasetops/source/sampler/random_sampler.h | 6 +++--- .../dataset/engine/datasetops/source/sampler/sampler.h | 6 +++--- .../engine/datasetops/source/sampler/sequential_sampler.h | 6 +++--- .../datasetops/source/sampler/subset_random_sampler.h | 6 +++--- .../datasetops/source/sampler/weighted_random_sampler.h | 4 ++-- .../dataset/engine/datasetops/source/text_file_op.h | 6 +++--- .../dataset/engine/datasetops/source/tf_reader_op.h | 6 +++--- .../minddata/dataset/engine/datasetops/source/voc_op.h | 6 +++--- .../ccsrc/minddata/dataset/engine/datasetops/take_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/datasetops/zip_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/db_connector.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/execution_tree.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/gnn/edge.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/gnn/feature.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/gnn/graph.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/gnn/graph_loader.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/gnn/local_edge.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/gnn/local_node.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/gnn/node.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/jagged_connector.h | 6 +++--- .../dataset/engine/opt/optional/tensor_op_fusion_pass.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/opt/pass.h | 6 +++--- .../ccsrc/minddata/dataset/engine/opt/post/repeat_pass.h | 6 +++--- .../ccsrc/minddata/dataset/engine/opt/pre/cache_pass.h | 6 +++--- .../minddata/dataset/engine/opt/pre/cache_transform_pass.h | 6 +++--- .../ccsrc/minddata/dataset/engine/opt/pre/removal_nodes.h | 6 +++--- .../ccsrc/minddata/dataset/engine/opt/pre/removal_pass.h | 6 +++--- .../ccsrc/minddata/dataset/engine/opt/util/printer_pass.h | 6 +++--- .../ccsrc/minddata/dataset/engine/perf/connector_size.h | 6 +++--- .../minddata/dataset/engine/perf/connector_throughput.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/perf/cyclic_array.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/perf/perf_data.h | 6 +++--- mindspore/ccsrc/minddata/dataset/engine/perf/profiling.h | 4 ++-- mindspore/ccsrc/minddata/dataset/engine/tdt/tdt_plugin.h | 6 +++--- mindspore/ccsrc/minddata/dataset/include/datasets.h | 6 +++--- mindspore/ccsrc/minddata/dataset/include/iterator.h | 6 +++--- mindspore/ccsrc/minddata/dataset/include/samplers.h | 6 +++--- mindspore/ccsrc/minddata/dataset/include/status.h | 6 +++--- mindspore/ccsrc/minddata/dataset/include/tensor.h | 6 +++--- mindspore/ccsrc/minddata/dataset/include/transforms.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/compose_op.h | 6 +++--- .../ccsrc/minddata/dataset/kernels/data/concatenate_op.h | 4 ++-- mindspore/ccsrc/minddata/dataset/kernels/data/data_utils.h | 6 +++--- .../ccsrc/minddata/dataset/kernels/data/duplicate_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/data/fill_op.h | 4 ++-- mindspore/ccsrc/minddata/dataset/kernels/data/one_hot_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/data/pad_end_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/data/slice_op.h | 6 +++--- .../ccsrc/minddata/dataset/kernels/data/type_cast_op.h | 6 +++--- .../ccsrc/minddata/dataset/kernels/image/auto_contrast_op.h | 6 +++--- .../dataset/kernels/image/bounding_box_augment_op.h | 6 +++--- .../ccsrc/minddata/dataset/kernels/image/center_crop_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/image/cut_out_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/image/decode_op.h | 6 +++--- .../ccsrc/minddata/dataset/kernels/image/hwc_to_chw_op.h | 6 +++--- .../ccsrc/minddata/dataset/kernels/image/image_utils.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/image/invert_op.h | 6 +++--- .../ccsrc/minddata/dataset/kernels/image/normalize_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/image/pad_op.h | 6 +++--- .../minddata/dataset/kernels/image/random_color_adjust_op.h | 6 +++--- .../dataset/kernels/image/random_crop_and_resize_op.h | 6 +++--- .../kernels/image/random_crop_and_resize_with_bbox_op.h | 6 +++--- .../dataset/kernels/image/random_crop_decode_resize_op.h | 6 +++--- .../ccsrc/minddata/dataset/kernels/image/random_crop_op.h | 6 +++--- .../dataset/kernels/image/random_crop_with_bbox_op.h | 6 +++--- .../dataset/kernels/image/random_horizontal_flip_op.h | 6 +++--- .../kernels/image/random_horizontal_flip_with_bbox_op.h | 6 +++--- .../ccsrc/minddata/dataset/kernels/image/random_resize_op.h | 6 +++--- .../dataset/kernels/image/random_resize_with_bbox_op.h | 6 +++--- .../minddata/dataset/kernels/image/random_rotation_op.h | 6 +++--- .../dataset/kernels/image/random_select_subpolicy_op.h | 6 +++--- .../dataset/kernels/image/random_vertical_flip_op.h | 6 +++--- .../kernels/image/random_vertical_flip_with_bbox_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/image/rescale_op.h | 6 +++--- .../minddata/dataset/kernels/image/resize_bilinear_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/image/resize_op.h | 6 +++--- .../minddata/dataset/kernels/image/resize_with_bbox_op.h | 6 +++--- .../ccsrc/minddata/dataset/kernels/image/uniform_aug_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/no_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/py_func_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/random_apply_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/random_choice_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/kernels/tensor_op.h | 6 +++--- .../minddata/dataset/text/kernels/basic_tokenizer_op.h | 6 +++--- .../ccsrc/minddata/dataset/text/kernels/bert_tokenizer_op.h | 6 +++--- .../ccsrc/minddata/dataset/text/kernels/case_fold_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/text/kernels/data_utils.h | 6 +++--- .../minddata/dataset/text/kernels/jieba_tokenizer_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/text/kernels/lookup_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/text/kernels/ngram_op.h | 6 +++--- .../ccsrc/minddata/dataset/text/kernels/normalize_utf8_op.h | 6 +++--- .../ccsrc/minddata/dataset/text/kernels/regex_replace_op.h | 6 +++--- .../minddata/dataset/text/kernels/regex_tokenizer_op.h | 6 +++--- .../ccsrc/minddata/dataset/text/kernels/sliding_window_op.h | 6 +++--- .../ccsrc/minddata/dataset/text/kernels/to_number_op.h | 6 +++--- .../dataset/text/kernels/truncate_sequence_pair_op.h | 6 +++--- .../dataset/text/kernels/unicode_char_tokenizer_op.h | 6 +++--- .../dataset/text/kernels/unicode_script_tokenizer_op.h | 6 +++--- .../minddata/dataset/text/kernels/whitespace_tokenizer_op.h | 6 +++--- .../minddata/dataset/text/kernels/wordpiece_tokenizer_op.h | 6 +++--- mindspore/ccsrc/minddata/dataset/text/vocab.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/allocator.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/arena.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/auto_index.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/bit.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/btree.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/buddy.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/cache_pool.h | 4 ++-- mindspore/ccsrc/minddata/dataset/util/circular_pool.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/cond_var.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/intrp_resource.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/intrp_service.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/list.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/lock.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/memory_pool.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/path.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/queue.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/random.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/semaphore.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/service.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/services.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/sig_handler.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/slice.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/status.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/storage_container.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/storage_manager.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/system_pool.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/task.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/task_manager.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/treap.h | 6 +++--- mindspore/ccsrc/minddata/dataset/util/wait_post.h | 6 +++--- .../ccsrc/minddata/mindrecord/include/common/shard_pybind.h | 6 +++--- .../ccsrc/minddata/mindrecord/include/common/shard_utils.h | 6 +++--- .../ccsrc/minddata/mindrecord/include/shard_category.h | 6 +++--- mindspore/ccsrc/minddata/mindrecord/include/shard_column.h | 6 +++--- .../minddata/mindrecord/include/shard_distributed_sample.h | 6 +++--- mindspore/ccsrc/minddata/mindrecord/include/shard_error.h | 6 +++--- mindspore/ccsrc/minddata/mindrecord/include/shard_header.h | 6 +++--- mindspore/ccsrc/minddata/mindrecord/include/shard_index.h | 6 +++--- .../minddata/mindrecord/include/shard_index_generator.h | 6 +++--- .../ccsrc/minddata/mindrecord/include/shard_operator.h | 6 +++--- mindspore/ccsrc/minddata/mindrecord/include/shard_page.h | 6 +++--- .../ccsrc/minddata/mindrecord/include/shard_pk_sample.h | 6 +++--- mindspore/ccsrc/minddata/mindrecord/include/shard_reader.h | 6 +++--- mindspore/ccsrc/minddata/mindrecord/include/shard_sample.h | 6 +++--- mindspore/ccsrc/minddata/mindrecord/include/shard_schema.h | 6 +++--- mindspore/ccsrc/minddata/mindrecord/include/shard_segment.h | 6 +++--- .../minddata/mindrecord/include/shard_sequential_sample.h | 6 +++--- mindspore/ccsrc/minddata/mindrecord/include/shard_shuffle.h | 6 +++--- .../ccsrc/minddata/mindrecord/include/shard_statistics.h | 6 +++--- mindspore/ccsrc/minddata/mindrecord/include/shard_task.h | 6 +++--- mindspore/ccsrc/minddata/mindrecord/include/shard_writer.h | 6 +++--- mindspore/ccsrc/pipeline/jit/action.h | 6 +++--- mindspore/ccsrc/pipeline/jit/base.h | 6 +++--- mindspore/ccsrc/pipeline/jit/parse/data_converter.h | 6 +++--- mindspore/ccsrc/pipeline/jit/parse/function_block.h | 6 +++--- mindspore/ccsrc/pipeline/jit/parse/parse.h | 6 +++--- mindspore/ccsrc/pipeline/jit/parse/parse_base.h | 6 +++--- mindspore/ccsrc/pipeline/jit/parse/python_adapter.h | 6 +++--- mindspore/ccsrc/pipeline/jit/parse/resolve.h | 6 +++--- mindspore/ccsrc/pipeline/jit/pass.h | 6 +++--- mindspore/ccsrc/pipeline/jit/pipeline.h | 6 +++--- mindspore/ccsrc/pipeline/jit/pipeline_ge.h | 6 +++--- mindspore/ccsrc/pipeline/jit/remove_value_node_dup.h | 6 +++--- mindspore/ccsrc/pipeline/jit/resource.h | 6 +++--- .../ccsrc/pipeline/jit/static_analysis/abstract_function.h | 6 +++--- mindspore/ccsrc/pipeline/jit/static_analysis/evaluator.h | 6 +++--- mindspore/ccsrc/pipeline/jit/static_analysis/prim.h | 6 +++--- .../ccsrc/pipeline/jit/static_analysis/program_specialize.h | 6 +++--- .../ccsrc/pipeline/jit/static_analysis/static_analysis.h | 6 +++--- mindspore/ccsrc/pipeline/jit/validator.h | 6 +++--- mindspore/ccsrc/pipeline/pynative/base.h | 6 +++--- mindspore/ccsrc/pipeline/pynative/pynative_execute.h | 6 +++--- mindspore/ccsrc/pipeline/pynative/pynative_execute_ge.h | 6 +++--- mindspore/ccsrc/predict/converter/attr_utils/convert_util.h | 6 +++--- mindspore/ccsrc/predict/converter/attr_utils/op_attr_type.h | 6 +++--- mindspore/ccsrc/predict/converter/executor_tensor.h | 6 +++--- mindspore/ccsrc/predict/converter/kernel2ms.h | 6 +++--- .../ccsrc/predict/converter/lite_model/op_attr_packer.h | 6 +++--- mindspore/ccsrc/predict/generator/ir/ir_model.h | 6 +++--- mindspore/ccsrc/predict/generator/ir/ir_task_info.h | 6 +++--- mindspore/ccsrc/predict/generator/utils/ir_model_util.h | 6 +++--- mindspore/ccsrc/predict/predict.h | 6 +++--- .../ccsrc/runtime/device/ascend/ascend_device_address.h | 6 +++--- .../ccsrc/runtime/device/ascend/ascend_kernel_runtime.h | 6 +++--- mindspore/ccsrc/runtime/device/ascend/ascend_label_assign.h | 6 +++--- .../ccsrc/runtime/device/ascend/ascend_memory_manager.h | 6 +++--- mindspore/ccsrc/runtime/device/ascend/ascend_memory_pool.h | 6 +++--- .../ccsrc/runtime/device/ascend/ascend_stream_assign.h | 6 +++--- mindspore/ccsrc/runtime/device/ascend/dump/data_dumper.h | 6 +++--- mindspore/ccsrc/runtime/device/ascend/dump/ge_dump.h | 6 +++--- mindspore/ccsrc/runtime/device/ascend/kernel_build_ascend.h | 6 +++--- .../ccsrc/runtime/device/ascend/kernel_select_ascend.h | 6 +++--- .../ccsrc/runtime/device/ascend/profiling/plugin_impl.h | 6 +++--- .../runtime/device/ascend/profiling/profiling_engine_impl.h | 6 +++--- .../runtime/device/ascend/profiling/profiling_manager.h | 6 +++--- .../ccsrc/runtime/device/ascend/profiling/profiling_utils.h | 6 +++--- .../device/ascend/profiling/reporter/desc_reporter.h | 6 +++--- .../device/ascend/profiling/reporter/graph_desc_reporter.h | 6 +++--- .../device/ascend/profiling/reporter/point_reporter.h | 6 +++--- .../device/ascend/profiling/reporter/profiling_desc.h | 6 +++--- .../device/ascend/profiling/reporter/task_desc_reporter.h | 6 +++--- .../ccsrc/runtime/device/ascend/tasksink/runtime_utils.h | 6 +++--- .../ccsrc/runtime/device/ascend/tasksink/task_generator.h | 6 +++--- mindspore/ccsrc/runtime/device/convert_tensor_utils.h | 6 +++--- mindspore/ccsrc/runtime/device/cpu/cpu_device_address.h | 6 +++--- mindspore/ccsrc/runtime/device/cpu/cpu_kernel_runtime.h | 6 +++--- mindspore/ccsrc/runtime/device/cpu/cpu_resource_manager.h | 6 +++--- mindspore/ccsrc/runtime/device/cpu/cpu_simple_mem_plan.h | 6 +++--- mindspore/ccsrc/runtime/device/cpu/kernel_select_cpu.h | 6 +++--- mindspore/ccsrc/runtime/device/cpu/mpi/mpi_adapter.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/blocking_queue.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/cuda_common.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/cuda_driver.h | 6 +++--- .../runtime/device/gpu/distribution/collective_common.h | 6 +++--- .../runtime/device/gpu/distribution/collective_fake_init.h | 6 +++--- .../ccsrc/runtime/device/gpu/distribution/collective_init.h | 6 +++--- .../ccsrc/runtime/device/gpu/distribution/mpi_wrapper.h | 6 +++--- .../ccsrc/runtime/device/gpu/distribution/nccl_wrapper.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/gpu_buffer_mgr.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/gpu_common.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/gpu_device_address.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/gpu_device_manager.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/gpu_kernel_build.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/gpu_kernel_runtime.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/gpu_memory_allocator.h | 6 +++--- .../ccsrc/runtime/device/gpu/gpu_memory_copy_manager.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/gpu_memory_manager.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/gpu_stream_assign.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/kernel_info_setter.h | 6 +++--- mindspore/ccsrc/runtime/device/gpu/mpi/mpi_initializer.h | 6 +++--- mindspore/ccsrc/runtime/device/kernel_adjust.h | 6 +++--- mindspore/ccsrc/runtime/device/kernel_runtime.h | 6 +++--- mindspore/ccsrc/runtime/device/kernel_runtime_manager.h | 6 +++--- mindspore/ccsrc/runtime/device/memory_manager.h | 6 +++--- mindspore/ccsrc/transform/graph_ir/all_ops.h | 6 +++--- mindspore/ccsrc/transform/graph_ir/convert.h | 6 +++--- mindspore/ccsrc/transform/graph_ir/df_graph_manager.h | 6 +++--- mindspore/ccsrc/transform/graph_ir/graph_builder.h | 6 +++--- mindspore/ccsrc/transform/graph_ir/graph_runner.h | 6 +++--- mindspore/ccsrc/transform/graph_ir/op_adapter.h | 6 +++--- mindspore/ccsrc/transform/graph_ir/op_adapter_base.h | 6 +++--- mindspore/ccsrc/transform/graph_ir/op_adapter_util.h | 6 +++--- mindspore/ccsrc/transform/graph_ir/op_declare.h | 6 +++--- mindspore/ccsrc/transform/graph_ir/types.h | 6 +++--- mindspore/ccsrc/transform/graph_ir/util.h | 6 +++--- mindspore/ccsrc/utils/utils.h | 6 +++--- mindspore/core/abstract/abstract_value.h | 6 +++--- mindspore/core/abstract/analysis_context.h | 6 +++--- mindspore/core/abstract/dshape.h | 6 +++--- mindspore/core/abstract/param_validator.h | 6 +++--- mindspore/core/abstract/utils.h | 6 +++--- mindspore/core/base/base.h | 6 +++--- mindspore/core/ir/anf.h | 6 +++--- mindspore/core/ir/device_sync.h | 6 +++--- mindspore/core/ir/dtype.h | 6 +++--- mindspore/core/ir/dtype/container.h | 6 +++--- mindspore/core/ir/dtype/empty.h | 6 +++--- mindspore/core/ir/dtype/number.h | 6 +++--- mindspore/core/ir/dtype/ref.h | 6 +++--- mindspore/core/ir/dtype/type.h | 6 +++--- mindspore/core/ir/dtype/type_id.h | 6 +++--- mindspore/core/ir/func_graph.h | 6 +++--- mindspore/core/ir/func_graph_cloner.h | 6 +++--- mindspore/core/ir/kernel_info_dev.h | 6 +++--- mindspore/core/ir/lite/param_value_lite.h | 6 +++--- mindspore/core/ir/lite/tensor.h | 6 +++--- mindspore/core/ir/manager.h | 6 +++--- mindspore/core/ir/meta_func_graph.h | 6 +++--- mindspore/core/ir/meta_tensor.h | 6 +++--- mindspore/core/ir/named.h | 6 +++--- mindspore/core/ir/optimizer_caller.h | 6 +++--- mindspore/core/ir/param_value.h | 6 +++--- mindspore/core/ir/pattern_matcher.h | 6 +++--- mindspore/core/ir/primitive.h | 6 +++--- mindspore/core/ir/primitive_py.h | 6 +++--- mindspore/core/ir/scalar.h | 6 +++--- mindspore/core/ir/signature.h | 6 +++--- mindspore/core/ir/tensor.h | 6 +++--- mindspore/core/ir/tensor_py.h | 6 +++--- mindspore/core/ir/value.h | 6 +++--- mindspore/core/ir/visitor.h | 6 +++--- 748 files changed, 2225 insertions(+), 2225 deletions(-) diff --git a/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_kernel_build.h b/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_kernel_build.h index 6e2ee3959b7..a1b5b4b84eb 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_kernel_build.h +++ b/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_kernel_build.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_KERNEL_AICPU_AICPU_KERNEL_BUILD_H_ -#define MINDSPORE_MINDSPORE_CCSRC_KERNEL_AICPU_AICPU_KERNEL_BUILD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AICPU_AICPU_KERNEL_BUILD_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AICPU_AICPU_KERNEL_BUILD_H_ #include #include "backend/kernel_compiler/kernel.h" @@ -24,4 +24,4 @@ KernelModPtr AicpuOpBuild(const std::shared_ptr &anf_node); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_KERNEL_AICPU_AICPU_KERNEL_BUILD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AICPU_AICPU_KERNEL_BUILD_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_kernel_metadata.h b/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_kernel_metadata.h index e21f4eace44..d82fa6b02bc 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_kernel_metadata.h +++ b/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_kernel_metadata.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_KERNEL_AICPU_AICPU_KERNEL_META_DATA_H_ -#define MINDSPORE_MINDSPORE_CCSRC_KERNEL_AICPU_AICPU_KERNEL_META_DATA_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AICPU_AICPU_KERNEL_META_DATA_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AICPU_AICPU_KERNEL_META_DATA_H_ #include #include @@ -27,4 +27,4 @@ namespace kernel { void AicpuMetadataInfo(const CNodePtr &kernel_node, std::vector> *kernel_info_list); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_KERNEL_AICPU_AICPU_KERNEL_META_DATA_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AICPU_AICPU_KERNEL_META_DATA_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_kernel_mod.h b/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_kernel_mod.h index 82260010ea9..9bc75d11101 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_kernel_mod.h +++ b/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_kernel_mod.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_KERNEL_AICPU_AICPU_KERNEL_MOD_H_ -#define MINDSPORE_MINDSPORE_CCSRC_KERNEL_AICPU_AICPU_KERNEL_MOD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AICPU_AICPU_KERNEL_MOD_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AICPU_AICPU_KERNEL_MOD_H_ #include #include #include @@ -72,4 +72,4 @@ using AicputOpKernelModPtrList = std::vector; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_KERNEL_AICPU_AICPU_KERNEL_MOD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AICPU_AICPU_KERNEL_MOD_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_util.h b/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_util.h index fd4495afebb..d68aef3f860 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_util.h +++ b/mindspore/ccsrc/backend/kernel_compiler/aicpu/aicpu_util.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_KERNEL_AICPU_AICPU_UTIL_H_ -#define MINDSPORE_MINDSPORE_CCSRC_KERNEL_AICPU_AICPU_UTIL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AICPU_AICPU_UTIL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AICPU_AICPU_UTIL_H_ #include #include @@ -61,4 +61,4 @@ class AicpuOpUtil { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_KERNEL_AICPU_AICPU_UTIL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AICPU_AICPU_UTIL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/akg/akg_kernel_attrs_process.h b/mindspore/ccsrc/backend/kernel_compiler/akg/akg_kernel_attrs_process.h index 9ba724db42a..2db84631ef9 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/akg/akg_kernel_attrs_process.h +++ b/mindspore/ccsrc/backend/kernel_compiler/akg/akg_kernel_attrs_process.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_AKG_AKG_KERNEL_ATTRS_PROCESS_H -#define MINDSPORE_CCSRC_KERNEL_AKG_AKG_KERNEL_ATTRS_PROCESS_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_AKG_KERNEL_ATTRS_PROCESS_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_AKG_KERNEL_ATTRS_PROCESS_H #include #include @@ -55,4 +55,4 @@ const std::unordered_map #include #include @@ -73,4 +73,4 @@ std::string GetTensorName(const nlohmann::json &node_json, const std::string &ta } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_AKG_AKGKERNELBUILD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_AKGKERNELBUILD_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/akg/akg_kernel_metadata.h b/mindspore/ccsrc/backend/kernel_compiler/akg/akg_kernel_metadata.h index 02785c6cdbd..b8b7b3885d1 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/akg/akg_kernel_metadata.h +++ b/mindspore/ccsrc/backend/kernel_compiler/akg/akg_kernel_metadata.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_AKG_AKG_KERNEL_METADATA_H_ -#define MINDSPORE_CCSRC_KERNEL_AKG_AKG_KERNEL_METADATA_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_AKG_KERNEL_METADATA_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_AKG_KERNEL_METADATA_H_ #include #include @@ -28,4 +28,4 @@ namespace kernel { void AkgMetadataInfo(const CNodePtr &kernel_node, std::vector> *kernel_info_list); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_AKG_AKG_KERNEL_METADATA_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_AKG_KERNEL_METADATA_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/akg/ascend/akg_ascend_kernel_build.h b/mindspore/ccsrc/backend/kernel_compiler/akg/ascend/akg_ascend_kernel_build.h index 713b65a4515..de301c378e1 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/akg/ascend/akg_ascend_kernel_build.h +++ b/mindspore/ccsrc/backend/kernel_compiler/akg/ascend/akg_ascend_kernel_build.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_AKG_ASCEND_AKG_ASCEND_KERNEL_BUILD_H_ -#define MINDSPORE_CCSRC_KERNEL_AKG_ASCEND_AKG_ASCEND_KERNEL_BUILD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_ASCEND_AKG_ASCEND_KERNEL_BUILD_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_ASCEND_AKG_ASCEND_KERNEL_BUILD_H_ #include #include @@ -53,4 +53,4 @@ bool AkgAscendKernelParallelBuild(const std::vector &anf_nodes); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_AKG_ASCEND_AKG_ASCEND_KERNEL_BUILD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_ASCEND_AKG_ASCEND_KERNEL_BUILD_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/akg/ascend/akg_ascend_kernel_mod.h b/mindspore/ccsrc/backend/kernel_compiler/akg/ascend/akg_ascend_kernel_mod.h index 3ea36f1a23e..147349d7472 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/akg/ascend/akg_ascend_kernel_mod.h +++ b/mindspore/ccsrc/backend/kernel_compiler/akg/ascend/akg_ascend_kernel_mod.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_AKG_ASCEND_AKG_ASCEND_KERNEL_MOD_H_ -#define MINDSPORE_CCSRC_KERNEL_AKG_ASCEND_AKG_ASCEND_KERNEL_MOD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_ASCEND_AKG_ASCEND_KERNEL_MOD_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_ASCEND_AKG_ASCEND_KERNEL_MOD_H_ #include #include #include @@ -51,4 +51,4 @@ using AkgKernelModPtr = std::shared_ptr; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_AKG_ASCEND_AKG_ASCEND_KERNEL_MOD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_ASCEND_AKG_ASCEND_KERNEL_MOD_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/akg/gpu/akg_gpu_kernel_build.h b/mindspore/ccsrc/backend/kernel_compiler/akg/gpu/akg_gpu_kernel_build.h index abb6d1f0300..685fad862d2 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/akg/gpu/akg_gpu_kernel_build.h +++ b/mindspore/ccsrc/backend/kernel_compiler/akg/gpu/akg_gpu_kernel_build.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_AKG_GPU_AKG_GPU_KERNEL_BUILD_H_ -#define MINDSPORE_CCSRC_KERNEL_AKG_GPU_AKG_GPU_KERNEL_BUILD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_GPU_AKG_GPU_KERNEL_BUILD_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_GPU_AKG_GPU_KERNEL_BUILD_H_ #include "backend/kernel_compiler/kernel.h" #include "base/base.h" @@ -25,4 +25,4 @@ KernelModPtr AkgGpuKernelBuild(const AnfNodePtr &anf_node); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_AKG_GPU_AKG_GPU_KERNEL_BUILD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_GPU_AKG_GPU_KERNEL_BUILD_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/akg/gpu/akg_gpu_kernel_mod.h b/mindspore/ccsrc/backend/kernel_compiler/akg/gpu/akg_gpu_kernel_mod.h index a6a17d033f2..b87d223f7f3 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/akg/gpu/akg_gpu_kernel_mod.h +++ b/mindspore/ccsrc/backend/kernel_compiler/akg/gpu/akg_gpu_kernel_mod.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_AKG_GPU_AKG_GPU_KERNEL_MOD_H_ -#define MINDSPORE_CCSRC_KERNEL_AKG_GPU_AKG_GPU_KERNEL_MOD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_GPU_AKG_GPU_KERNEL_MOD_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_GPU_AKG_GPU_KERNEL_MOD_H_ #include #include #include @@ -79,4 +79,4 @@ using GpuKernelModPtr = std::shared_ptr; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_AKG_GPU_AKG_GPU_KERNEL_MOD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_AKG_GPU_AKG_GPU_KERNEL_MOD_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/ascend_kernel_mod.h b/mindspore/ccsrc/backend/kernel_compiler/ascend_kernel_mod.h index 0b8bdd1b193..a7e747fca13 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/ascend_kernel_mod.h +++ b/mindspore/ccsrc/backend/kernel_compiler/ascend_kernel_mod.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_ASCEND_KERNEL_MOD_H_ -#define MINDSPORE_CCSRC_KERNEL_ASCEND_KERNEL_MOD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_ASCEND_KERNEL_MOD_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_ASCEND_KERNEL_MOD_H_ #include #include @@ -41,4 +41,4 @@ class AscendKernelMod : public KernelMod { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_ASCEND_KERNEL_MOD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_ASCEND_KERNEL_MOD_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/common_utils.h b/mindspore/ccsrc/backend/kernel_compiler/common_utils.h index 4f48d70b2cc..f78550fb1d9 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/common_utils.h +++ b/mindspore/ccsrc/backend/kernel_compiler/common_utils.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_COMMON_UTILS_H_ -#define MINDSPORE_CCSRC_KERNEL_COMMON_UTILS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_COMMON_UTILS_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_COMMON_UTILS_H_ #include #include @@ -140,4 +140,4 @@ std::vector GetReduceAttrAxis(const CNodePtr &cnode); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_COMMON_UTILS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_COMMON_UTILS_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/addn_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/addn_cpu_kernel.h index 925f0fab507..bf73b812a73 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/addn_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/addn_cpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_ADDN_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_ADDN_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_ADDN_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_ADDN_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -45,4 +45,4 @@ MS_REG_CPU_KERNEL(AddN, } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_ADDN_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_ADDN_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/allgather_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/allgather_cpu_kernel.h index 42c83ccf0b0..ed9c3726717 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/allgather_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/allgather_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_REDUCE_SCATTER_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_REDUCE_SCATTER_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_REDUCE_SCATTER_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_REDUCE_SCATTER_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -41,4 +41,4 @@ MS_REG_CPU_KERNEL(_HostAllGather, KernelAttr().AddInputAttr(kNumberTypeFloat32). } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_REDUCE_SCATTER_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_REDUCE_SCATTER_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/apply_momentum_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/apply_momentum_cpu_kernel.h index 23e84888909..2d60bf3b75b 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/apply_momentum_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/apply_momentum_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_APPLY_MOMENTUM_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_APPLY_MOMENTUM_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_APPLY_MOMENTUM_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_APPLY_MOMENTUM_CPU_KERNEL_H_ #include #include @@ -55,4 +55,4 @@ MS_REG_CPU_KERNEL(ApplyMomentum, } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_APPLY_MOMENTUM_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_APPLY_MOMENTUM_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/argmax_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/argmax_cpu_kernel.h index 3883344f961..dc2cfcefacf 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/argmax_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/argmax_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_ARGMAX_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_ARGMAX_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_ARGMAX_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_ARGMAX_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -42,4 +42,4 @@ MS_REG_CPU_KERNEL(Argmax, KernelAttr().AddInputAttr(kNumberTypeFloat32).AddOutpu } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_ARGMAX_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_ARGMAX_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/bias_add_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/bias_add_cpu_kernel.h index c572f68230d..60c1b5a6a29 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/bias_add_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/bias_add_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_KERNEL_CPU_BIAS_ADD_CPU_KERNEL_H_ -#define MINDSPORE_MINDSPORE_CCSRC_KERNEL_CPU_BIAS_ADD_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_BIAS_ADD_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_BIAS_ADD_CPU_KERNEL_H_ #include #include @@ -43,4 +43,4 @@ MS_REG_CPU_KERNEL( BiasAddCPUKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_KERNEL_CPU_BIAS_ADD_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_BIAS_ADD_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/bias_add_grad_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/bias_add_grad_cpu_kernel.h index a5743879a7d..f86805455e5 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/bias_add_grad_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/bias_add_grad_cpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_KERNEL_CPU_BIASADDGRADCPUKERNEL_H_ -#define MINDSPORE_MINDSPORE_CCSRC_KERNEL_CPU_BIASADDGRADCPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_BIASADDGRADCPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_BIASADDGRADCPUKERNEL_H_ #include #include @@ -40,4 +40,4 @@ MS_REG_CPU_KERNEL(BiasAddGrad, KernelAttr().AddInputAttr(kNumberTypeFloat32).Add BiasAddGradCPUKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_KERNEL_CPU_BIASADDGRADCPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_BIASADDGRADCPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/concat_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/concat_cpu_kernel.h index 94e4ad40f37..207e04b7ead 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/concat_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/concat_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_CONCAT_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_CONCAT_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CONCAT_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CONCAT_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -47,4 +47,4 @@ MS_REG_CPU_KERNEL(Concat, } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_CONCAT_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CONCAT_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/cpu_kernel.h index f2aa292c6e6..1e6ab7b1823 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CPU_KERNEL_H_ #include #include @@ -84,4 +84,4 @@ class CPUKernelUtils { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/cpu_kernel_factory.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/cpu_kernel_factory.h index 80f9a342acd..2ee2e8d30e0 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/cpu_kernel_factory.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/cpu_kernel_factory.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_CPU_KERNEL_FACTORY_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_CPU_KERNEL_FACTORY_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CPU_KERNEL_FACTORY_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CPU_KERNEL_FACTORY_H_ #include #include @@ -76,4 +76,4 @@ class CPUKernelRegistrar { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_CPU_KERNEL_FACTORY_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CPU_KERNEL_FACTORY_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/debug_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/debug_cpu_kernel.h index 18302e8992f..1e9d72b6ff7 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/debug_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/debug_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_DEBUG_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_DEBUG_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_DEBUG_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_DEBUG_CPU_KERNEL_H_ #include #include @@ -38,4 +38,4 @@ MS_REG_CPU_KERNEL(Debug, KernelAttr().AddInputAttr(kNumberTypeFloat32).AddOutput } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_DEBUG_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_DEBUG_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/embedding_look_up_comm_grad_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/embedding_look_up_comm_grad_cpu_kernel.h index 3e3807f58e7..e97a96780a2 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/embedding_look_up_comm_grad_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/embedding_look_up_comm_grad_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_EMBEDDING_LOOK_UP_COMM_GRAD_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_EMBEDDING_LOOK_UP_COMM_GRAD_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EMBEDDING_LOOK_UP_COMM_GRAD_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EMBEDDING_LOOK_UP_COMM_GRAD_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -43,4 +43,4 @@ MS_REG_CPU_KERNEL(EmbeddingLookupCommGrad, } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_EMBEDDING_LOOK_UP_COMM_GRAD_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EMBEDDING_LOOK_UP_COMM_GRAD_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/embedding_look_up_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/embedding_look_up_cpu_kernel.h index 5cced70cdeb..1f10cd683cf 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/embedding_look_up_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/embedding_look_up_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_EMBEDDING_LOOK_UP_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_EMBEDDING_LOOK_UP_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EMBEDDING_LOOK_UP_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EMBEDDING_LOOK_UP_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -71,4 +71,4 @@ MS_REG_CPU_KERNEL( } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_EMBEDDING_LOOK_UP_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EMBEDDING_LOOK_UP_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/equal_count_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/equal_count_cpu_kernel.h index 6e4ed6d5f17..3b977e48e5a 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/equal_count_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/equal_count_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_EQUAL_COUNT_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_EQUAL_COUNT_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EQUAL_COUNT_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EQUAL_COUNT_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -40,4 +40,4 @@ MS_REG_CPU_KERNEL( } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_EQUAL_COUNT_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EQUAL_COUNT_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/gather_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/gather_cpu_kernel.h index 8fdac0dfdec..9d6ec0de68b 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/gather_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/gather_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_GATHER_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_GATHER_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_GATHER_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_GATHER_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -49,4 +49,4 @@ MS_REG_CPU_KERNEL( } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_GATHER_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_GATHER_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/conv2d_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/conv2d_cpu_kernel.h index c0c64ba4dae..2861325f2d9 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/conv2d_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/conv2d_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_CONV2D_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_CONV2D_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CONV2D_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CONV2D_CPU_KERNEL_H_ #include #include @@ -40,4 +40,4 @@ MS_REG_CPU_KERNEL( } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_CONV2D_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CONV2D_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/conv2d_grad_filter_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/conv2d_grad_filter_cpu_kernel.h index ae8269c1424..efddccfa9d2 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/conv2d_grad_filter_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/conv2d_grad_filter_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_CONV2D_GRAD_FILTER_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_CONV2D_GRAD_FILTER_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CONV2D_GRAD_FILTER_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CONV2D_GRAD_FILTER_CPU_KERNEL_H_ #include #include @@ -40,4 +40,4 @@ MS_REG_CPU_KERNEL( } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_CONV2D_GRAD_FILTER_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CONV2D_GRAD_FILTER_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/conv2d_grad_input_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/conv2d_grad_input_cpu_kernel.h index 6f699130a8b..c3618dcb6c7 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/conv2d_grad_input_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/conv2d_grad_input_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_CONV2D_GRAD_INPUT_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_CONV2D_GRAD_INPUT_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CONV2D_GRAD_INPUT_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CONV2D_GRAD_INPUT_CPU_KERNEL_H_ #include #include @@ -40,4 +40,4 @@ MS_REG_CPU_KERNEL( } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_CONV2D_GRAD_INPUT_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_CONV2D_GRAD_INPUT_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/lstm_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/lstm_cpu_kernel.h index 761494a931f..8900fb89dcf 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/lstm_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/lstm_cpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_LSTM_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_LSTM_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_LSTM_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_LSTM_CPU_KERNEL_H_ #if defined(__x86_64__) || defined(__amd64__) || defined(_M_IX86) || defined(_M_X64) #define PLATFORM_86 #endif @@ -67,4 +67,4 @@ MS_REG_CPU_KERNEL(LSTM, LstmCPUKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_LSTM_CPU_KERNEL_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_LSTM_CPU_KERNEL_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/lstm_grad_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/lstm_grad_cpu_kernel.h index b95b5ba7920..7f797d62e99 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/lstm_grad_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/lstm_grad_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_LSTM_GRAD_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_LSTM_GRAD_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_LSTM_GRAD_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_LSTM_GRAD_CPU_KERNEL_H_ #include #include @@ -68,4 +68,4 @@ MS_REG_CPU_KERNEL(LSTMGrad, LSTMGradCPUKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_LSTM_GRAD_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_LSTM_GRAD_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/matmul_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/matmul_cpu_kernel.h index ef52f652d08..23d36665674 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/matmul_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/matmul_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_MATMUL_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_MATMUL_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_MATMUL_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_MATMUL_CPU_KERNEL_H_ #include #include @@ -47,4 +47,4 @@ MS_REG_CPU_KERNEL( } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_MATMUL_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_MATMUL_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/mkl_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/mkl_cpu_kernel.h index fc7128b10e1..3987ffc3bfd 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/mkl_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/mkl_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_MKL_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_MKL_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_MKL_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_MKL_CPU_KERNEL_H_ #include #include @@ -49,4 +49,4 @@ class MKLCPUKernel : public CPUKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_MKL_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_MKL_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/mul_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/mul_cpu_kernel.h index 182679f59d5..d67626deca3 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/mul_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/mul_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_MUL_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_MUL_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_MUL_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_MUL_CPU_KERNEL_H_ #include #include @@ -39,4 +39,4 @@ MS_REG_CPU_KERNEL( } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_MUL_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_MUL_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/pooling_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/pooling_cpu_kernel.h index 8187eaffdab..f9791eb6e61 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/pooling_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/pooling_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_POOLING_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_POOLING_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_POOLING_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_POOLING_CPU_KERNEL_H_ #include #include @@ -38,4 +38,4 @@ MS_REG_CPU_KERNEL(MaxPool, KernelAttr().AddInputAttr(kNumberTypeFloat32).AddOutp } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_POOLING_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_POOLING_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/pooling_grad_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/pooling_grad_cpu_kernel.h index 95a7bb3f66c..fa6d077d4bd 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/pooling_grad_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/pooling_grad_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_POOLING_GRAD_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_POOLING_GRAD_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_POOLING_GRAD_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_POOLING_GRAD_CPU_KERNEL_H_ #include #include @@ -53,4 +53,4 @@ MS_REG_CPU_KERNEL(MaxPoolGrad, } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_POOLING_GRAD_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_POOLING_GRAD_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/relu_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/relu_cpu_kernel.h index a2da2480e2b..902885ee59a 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/relu_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/relu_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_RELU_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_RELU_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_RELU_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_RELU_CPU_KERNEL_H_ #include #include @@ -37,4 +37,4 @@ MS_REG_CPU_KERNEL(ReLU, KernelAttr().AddInputAttr(kNumberTypeFloat32).AddOutputA } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_RELU_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_RELU_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/relu_grad_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/relu_grad_cpu_kernel.h index c895ab2756d..ff418ae3169 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/relu_grad_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/relu_grad_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_RELU_GRAD_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_RELU_GRAD_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_RELU_GRAD_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_RELU_GRAD_CPU_KERNEL_H_ #include #include @@ -40,4 +40,4 @@ MS_REG_CPU_KERNEL( } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_RELU_GRAD_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_RELU_GRAD_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/softmax_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/softmax_cpu_kernel.h index 2812dd31af2..fbe36076407 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/softmax_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/softmax_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_SOFTMAX_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_SOFTMAX_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SOFTMAX_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SOFTMAX_CPU_KERNEL_H_ #include #include @@ -38,4 +38,4 @@ MS_REG_CPU_KERNEL(Softmax, KernelAttr().AddInputAttr(kNumberTypeFloat32).AddOutp } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_SOFTMAX_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SOFTMAX_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/softmax_cross_entropy_with_logits_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/softmax_cross_entropy_with_logits_cpu_kernel.h index d05cb49b7b2..cc9346fe1bf 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/softmax_cross_entropy_with_logits_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/softmax_cross_entropy_with_logits_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_CPU_KERNEL_H_ #include #include @@ -50,4 +50,4 @@ MS_REG_CPU_KERNEL(SoftmaxCrossEntropyWithLogits, } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/sparse_softmax_cross_entropy_with_logits_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/sparse_softmax_cross_entropy_with_logits_cpu_kernel.h index 0d79b0514b0..5bb5d65dcc9 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/sparse_softmax_cross_entropy_with_logits_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/mkldnn/sparse_softmax_cross_entropy_with_logits_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_CPU_KERNEL_H_ #include #include @@ -50,4 +50,4 @@ MS_REG_CPU_KERNEL( } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/one_hot_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/one_hot_cpu_kernel.h index 393b0e8c41b..52a94c448d4 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/one_hot_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/one_hot_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_ONE_HOT_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_ONE_HOT_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_ONE_HOT_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_ONE_HOT_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -48,4 +48,4 @@ MS_REG_CPU_KERNEL(OneHot, } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_ONE_HOT_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_ONE_HOT_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/apply_momentum_ps_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/apply_momentum_ps_kernel.h index a78f40d04ba..18b040cc864 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/apply_momentum_ps_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/apply_momentum_ps_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_APPLY_MOMENTUM_PS_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_APPLY_MOMENTUM_PS_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_APPLY_MOMENTUM_PS_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_APPLY_MOMENTUM_PS_KERNEL_H_ #include #include @@ -40,4 +40,4 @@ class ApplyMomentumPSKernel : public ApplyMomentumCPUKernel, public PServerKerne } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_APPLY_MOMENTUM_PS_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_APPLY_MOMENTUM_PS_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/embedding_look_up_proxy_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/embedding_look_up_proxy_kernel.h index 45e0a23fcb6..dabe2c3ed85 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/embedding_look_up_proxy_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/embedding_look_up_proxy_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_EMBEDDING_LOOK_UP_PROXY_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_EMBEDDING_LOOK_UP_PROXY_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EMBEDDING_LOOK_UP_PROXY_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EMBEDDING_LOOK_UP_PROXY_KERNEL_H_ #include "backend/kernel_compiler/cpu/embedding_look_up_cpu_kernel.h" #include @@ -46,4 +46,4 @@ MS_REG_CPU_KERNEL( } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_EMBEDDING_LOOK_UP_PROXY_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EMBEDDING_LOOK_UP_PROXY_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/embedding_look_up_ps_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/embedding_look_up_ps_kernel.h index e23a90a11c3..c2af67913bc 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/embedding_look_up_ps_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/embedding_look_up_ps_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_EMBEDDING_LOOK_UP_PS_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_EMBEDDING_LOOK_UP_PS_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EMBEDDING_LOOK_UP_PS_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EMBEDDING_LOOK_UP_PS_KERNEL_H_ #include #include @@ -43,4 +43,4 @@ class EmbeddingLookUpPSKernel : public EmbeddingLookUpCPUKernel, public PServerK } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_EMBEDDING_LOOK_UP_PS_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_EMBEDDING_LOOK_UP_PS_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/pserver_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/pserver_kernel.h index a2b6c4fa616..5b18fe8860c 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/pserver_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/pserver_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_PS_PSERVER_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_PS_PSERVER_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_PS_PSERVER_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_PS_PSERVER_KERNEL_H_ #include #include @@ -54,4 +54,4 @@ class PServerKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_PS_PSERVER_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_PS_PSERVER_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/pull_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/pull_kernel.h index 84dd9b819ed..3f0cf67d641 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/pull_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/pull_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_PS_PULL_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_PS_PULL_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_PS_PULL_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_PS_PULL_KERNEL_H_ #include #include @@ -82,4 +82,4 @@ class PullKernel : public CPUKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_PS_PULL_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_PS_PULL_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/push_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/push_kernel.h index d5876bd4611..cffba873fb3 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/push_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/push_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_PS_PUSH_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_PS_PUSH_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_PS_PUSH_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_PS_PUSH_KERNEL_H_ #include #include @@ -77,4 +77,4 @@ class PushKernel : public CPUKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_PS_PUSH_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_PS_PUSH_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/sparse_apply_adam_ps_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/sparse_apply_adam_ps_kernel.h index 337fcb3bf08..e0a623ce839 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/sparse_apply_adam_ps_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/sparse_apply_adam_ps_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_ADAM_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_ADAM_PS_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_ADAM_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_ADAM_PS_KERNEL_H_ #include #include @@ -46,4 +46,4 @@ class SparseApplyAdamPSKernel : public SparseApplyAdamCPUKernel, public PServerK } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_ADAM_PS_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_ADAM_PS_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/sparse_apply_ftrl_ps_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/sparse_apply_ftrl_ps_kernel.h index d97f19d3490..033c0b9ac26 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/sparse_apply_ftrl_ps_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/ps/sparse_apply_ftrl_ps_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_FTRL_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_FTRL_PS_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_FTRL_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_FTRL_PS_KERNEL_H_ #include #include @@ -47,4 +47,4 @@ class SparseApplyFtrlPSKernel : public SparseApplyFtrlCPUKernel, public PServerK } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_FTRL_PS_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_FTRL_PS_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/reduce_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/reduce_cpu_kernel.h index a9696bad49e..8259b257855 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/reduce_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/reduce_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_REDUCE_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_REDUCE_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_REDUCE_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_REDUCE_CPU_KERNEL_H_ #include #include #include @@ -48,4 +48,4 @@ MS_REG_CPU_KERNEL(ReduceSum, KernelAttr().AddInputAttr(kNumberTypeFloat32).AddOu ReduceCPUKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_REDUCE_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_REDUCE_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/reduce_scatter_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/reduce_scatter_cpu_kernel.h index 317d7df4433..6af5f4c117a 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/reduce_scatter_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/reduce_scatter_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_REDUCE_SCATTER_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_REDUCE_SCATTER_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_REDUCE_SCATTER_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_REDUCE_SCATTER_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -42,4 +42,4 @@ MS_REG_CPU_KERNEL(_HostReduceScatter, KernelAttr().AddInputAttr(kNumberTypeFloat } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_REDUCE_SCATTER_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_REDUCE_SCATTER_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/reshape_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/reshape_cpu_kernel.h index 04f1db33044..915e1e8616f 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/reshape_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/reshape_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_RESHAPE_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_RESHAPE_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_RESHAPE_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_RESHAPE_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -50,4 +50,4 @@ MS_REG_CPU_KERNEL(ExpandDims, KernelAttr().AddInputAttr(kNumberTypeInt32).AddOut } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_RESHAPE_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_RESHAPE_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/slice_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/slice_cpu_kernel.h index 03b7ecdc173..8facbb957d2 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/slice_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/slice_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_SLICE_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_SLICE_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SLICE_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SLICE_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -54,4 +54,4 @@ MS_REG_CPU_KERNEL(StridedSlice, KernelAttr().AddInputAttr(kNumberTypeFloat32).Ad } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_SLICE_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SLICE_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/slice_grad_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/slice_grad_cpu_kernel.h index ec480d7e80b..e9ba06cc67b 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/slice_grad_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/slice_grad_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_SLICE_GRAD_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_SLICE_GRAD_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SLICE_GRAD_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SLICE_GRAD_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -56,4 +56,4 @@ MS_REG_CPU_KERNEL(StridedSliceGrad, KernelAttr().AddInputAttr(kNumberTypeFloat32 } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_SLICE_GRAD_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SLICE_GRAD_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_adam_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_adam_cpu_kernel.h index 5d3d4193f75..6d647e080c7 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_adam_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_adam_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_ADAM_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_ADAM_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_ADAM_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_ADAM_CPU_KERNEL_H_ #include #include @@ -60,4 +60,4 @@ MS_REG_CPU_KERNEL(SparseApplyAdam, } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_ADAM_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_ADAM_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_ftrl_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_ftrl_cpu_kernel.h index af8796d8a5c..dfb11f1c6cf 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_ftrl_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_ftrl_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_FTRL_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_FTRL_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_FTRL_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_FTRL_CPU_KERNEL_H_ #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -68,4 +68,4 @@ MS_REG_CPU_KERNEL(SparseApplyFtrlNoReturn, } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_FTRL_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_FTRL_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_lazy_adam_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_lazy_adam_cpu_kernel.h index ee95db8f332..968e716ebdc 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_lazy_adam_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_lazy_adam_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_LAZY_ADAM_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_LAZY_ADAM_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_LAZY_ADAM_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_LAZY_ADAM_CPU_KERNEL_H_ #include #include @@ -60,4 +60,4 @@ MS_REG_CPU_KERNEL(SparseApplyLazyAdam, } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_LAZY_ADAM_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_LAZY_ADAM_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_proximal_adagrad_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_proximal_adagrad_cpu_kernel.h index 56b180ec0be..17a036f4909 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_proximal_adagrad_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/sparse_apply_proximal_adagrad_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_PROXIMAL_ADAGRAD_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_PROXIMAL_ADAGRAD_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_PROXIMAL_ADAGRAD_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_PROXIMAL_ADAGRAD_CPU_KERNEL_H_ #include #include @@ -67,4 +67,4 @@ MS_REG_CPU_KERNEL(SparseApplyProximalAdagradNoReturn, } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_SPARSE_APPLY_PROXIMAL_ADAGRAD_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SPARSE_APPLY_PROXIMAL_ADAGRAD_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/sub_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/sub_cpu_kernel.h index d1b55ded90f..53bef5f7dc6 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/sub_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/sub_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_SUB_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_SUB_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SUB_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SUB_CPU_KERNEL_H_ #include #include #include "backend/kernel_compiler/cpu/cpu_kernel.h" @@ -42,4 +42,4 @@ MS_REG_CPU_KERNEL( } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_SUB_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_SUB_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/transpose_cpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/transpose_cpu_kernel.h index 15796f9f3cd..b80007e0162 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/cpu/transpose_cpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/transpose_cpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_CPU_TRANSPOSE_CPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_CPU_TRANSPOSE_CPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_TRANSPOSE_CPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_TRANSPOSE_CPU_KERNEL_H_ #include #include #include @@ -41,4 +41,4 @@ MS_REG_CPU_KERNEL(Transpose, KernelAttr().AddInputAttr(kNumberTypeFloat32).AddOu TransposeCPUFwdKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_CPU_TRANSPOSE_CPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_CPU_TRANSPOSE_CPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/argmax_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/argmax_gpu_kernel.h index 61a53c5b403..13a7d4380b3 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/argmax_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/argmax_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_ARGMAXGPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_ARGMAXGPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ARGMAXGPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ARGMAXGPUKERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -103,4 +103,4 @@ class ArgmaxGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_ARGMAXGPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ARGMAXGPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/argmaxwithvalue_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/argmaxwithvalue_gpu_kernel.h index d2369023fbb..a6cb342268a 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/argmaxwithvalue_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/argmaxwithvalue_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_ARGMAXWITHVALUEGPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_ARGMAXWITHVALUEGPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ARGMAXWITHVALUEGPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ARGMAXWITHVALUEGPUKERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -93,4 +93,4 @@ class ArgmaxWithValueGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_ARGMAXWITHVALUEGPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ARGMAXWITHVALUEGPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/array_reduce_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/array_reduce_gpu_kernel.h index b96f63670d6..94af233d114 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/array_reduce_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/array_reduce_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_ARRAYREDUCE_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_ARRAYREDUCE_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ARRAYREDUCE_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ARRAYREDUCE_GPU_KERNEL_H_ #include #include @@ -234,4 +234,4 @@ class ArrayReduceGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_ARRAYREDUCE_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ARRAYREDUCE_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/broadcast_to_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/broadcast_to_gpu_kernel.h index 459471ed763..1bbaff80f67 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/broadcast_to_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/broadcast_to_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_BROADCAST_TO_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_BROADCAST_TO_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BROADCAST_TO_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BROADCAST_TO_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -80,4 +80,4 @@ class BroadcastToGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_BROADCAST_TO_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BROADCAST_TO_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/concatv2_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/concatv2_gpu_kernel.h index 3014477a482..c87082c9f2a 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/concatv2_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/concatv2_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_CONCATV2_GPU_KERNEL_H -#define MINDSPORE_CCSRC_KERNEL_GPU_CONCATV2_GPU_KERNEL_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CONCATV2_GPU_KERNEL_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CONCATV2_GPU_KERNEL_H #include #include @@ -129,4 +129,4 @@ class ConcatV2GpuFwdKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_CONCATV2_GPU_KERNEL_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CONCATV2_GPU_KERNEL_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/one_hot_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/one_hot_gpu_kernel.h index 6c46a63e69b..13d2eb32f2f 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/one_hot_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/one_hot_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_ONEHOT_GPU_KERNEL_H -#define MINDSPORE_CCSRC_KERNEL_GPU_ONEHOT_GPU_KERNEL_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ONEHOT_GPU_KERNEL_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ONEHOT_GPU_KERNEL_H #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -102,4 +102,4 @@ class OneHotGpuFwdKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_ONEHOT_GPU_KERNEL_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ONEHOT_GPU_KERNEL_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/oneslike_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/oneslike_gpu_kernel.h index 355ed9e05f1..11f972f07ee 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/oneslike_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/oneslike_gpu_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_ONESLIKE_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_ONESLIKE_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ONESLIKE_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ONESLIKE_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -82,4 +82,4 @@ class OnesLikeGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_ONESLIKE_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ONESLIKE_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/select_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/select_gpu_kernel.h index 73e60c44bd6..6dbb72cc85d 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/select_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/select_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_SELECT_GPU_KERNEL_H -#define MINDSPORE_CCSRC_KERNEL_GPU_SELECT_GPU_KERNEL_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_SELECT_GPU_KERNEL_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_SELECT_GPU_KERNEL_H #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -92,4 +92,4 @@ class SelectGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_SELECT_GPU_KERNEL_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_SELECT_GPU_KERNEL_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/slice_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/slice_gpu_kernel.h index f8ecb9ccf03..40e35c183ae 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/slice_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/slice_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_SLICE_GPU_KERNEL_H -#define MINDSPORE_CCSRC_KERNEL_GPU_SLICE_GPU_KERNEL_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_SLICE_GPU_KERNEL_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_SLICE_GPU_KERNEL_H #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -159,4 +159,4 @@ class SliceGpuFwdKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_SLICE_GPU_KERNEL_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_SLICE_GPU_KERNEL_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/slice_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/slice_grad_gpu_kernel.h index 006cbf0266b..1a40b2bf213 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/slice_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/slice_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_SLICE_GRAD_GPU_KERNEL_H -#define MINDSPORE_CCSRC_KERNEL_GPU_SLICE_GRAD_GPU_KERNEL_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_SLICE_GRAD_GPU_KERNEL_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_SLICE_GRAD_GPU_KERNEL_H #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -144,4 +144,4 @@ class SliceGradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_SLICE_GRAD_GPU_KERNEL_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_SLICE_GRAD_GPU_KERNEL_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/split_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/split_gpu_kernel.h index b1593675ba2..2a7cb6c5dc2 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/split_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/split_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_SPLIT_GPU_KERNEL_H -#define MINDSPORE_CCSRC_KERNEL_GPU_SPLIT_GPU_KERNEL_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_SPLIT_GPU_KERNEL_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_SPLIT_GPU_KERNEL_H #include #include @@ -150,4 +150,4 @@ class SplitGpuFwdKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_SPLIT_GPU_KERNEL_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_SPLIT_GPU_KERNEL_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/topk_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/topk_gpu_kernel.h index 8b16552c5a8..9fe85f906fe 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/topk_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/topk_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_TOPK_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_TOPK_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_TOPK_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_TOPK_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/transpose_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/transpose_gpu_kernel.h index 0f9c710e3e0..ce0093cf34e 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/transpose_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/transpose_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_TRANSPOSE_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_TRANSPOSE_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_TRANSPOSE_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_TRANSPOSE_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -108,4 +108,4 @@ class TransposeGpuFwdKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_TRANSPOSE_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_TRANSPOSE_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/unsorted_segment_sum_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/unsorted_segment_sum_gpu_kernel.h index 1f7884c6502..80dd18a8cbb 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/unsorted_segment_sum_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/arrays/unsorted_segment_sum_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_UNSORT_SEGMENT_SUM_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_UNSORT_SEGMENT_SUM_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_UNSORT_SEGMENT_SUM_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_UNSORT_SEGMENT_SUM_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -91,4 +91,4 @@ class UnsortedSegmentSumGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_UNSORT_SEGMENT_SUM_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_UNSORT_SEGMENT_SUM_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/control/recv_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/control/recv_gpu_kernel.h index 7de32ade4fb..9d4d5c8cd0b 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/control/recv_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/control/recv_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_CONTROL_RECV_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_CONTROL_RECV_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CONTROL_RECV_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CONTROL_RECV_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -63,4 +63,4 @@ class RecvGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_CONTROL_RECV_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CONTROL_RECV_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/control/send_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/control/send_gpu_kernel.h index beea19a4352..d9b70e56299 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/control/send_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/control/send_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_CONTROL_SEND_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_CONTROL_SEND_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CONTROL_SEND_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CONTROL_SEND_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -63,4 +63,4 @@ class SendGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_CONTROL_SEND_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CONTROL_SEND_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/data/dataset_utils.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/data/dataset_utils.h index b52f79d6f3c..df5a6d36ac6 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/data/dataset_utils.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/data/dataset_utils.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_DATASET_UTILS_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_DATASET_UTILS_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_DATASET_UTILS_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_DATASET_UTILS_KERNEL_H_ #include #include "ir/dtype/type.h" @@ -25,4 +25,4 @@ size_t UnitSizeInBytes(const mindspore::TypeId &t); int ElementNums(const std::vector &shape); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_DATASET_UTILS_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_DATASET_UTILS_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/gpu_kernel.h index 4c179f2173c..a6a25096fb4 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_GPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_GPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_GPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_GPUKERNEL_H_ #include #include @@ -103,4 +103,4 @@ class GpuKernel : public KernelMod { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_GPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_GPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/gpu_kernel_factory.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/gpu_kernel_factory.h index 7af82442030..f6ea0f0efba 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/gpu_kernel_factory.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/gpu_kernel_factory.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_GPUKERNELFACTORY_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_GPUKERNELFACTORY_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_GPUKERNELFACTORY_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_GPUKERNELFACTORY_H_ #include #include @@ -96,4 +96,4 @@ class GpuKernelRegister { #OPNAME, ATTR, []() { return new OPCLASS(); }); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_GPUKERNELFACTORY_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_GPUKERNELFACTORY_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/kernel_constants.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/kernel_constants.h index 7c9f209a9ef..67f4a9b9a91 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/kernel_constants.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/kernel_constants.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_KERNEL_CONSTANTS_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_KERNEL_CONSTANTS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_KERNEL_CONSTANTS_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_KERNEL_CONSTANTS_H_ #include #include @@ -52,4 +52,4 @@ static std::map kCudaDtypeMap = {{"kNumberTypeFloat } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_KERNEL_CONSTANTS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_KERNEL_CONSTANTS_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/addn_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/addn_gpu_kernel.h index b69bd20216f..49b6471e28f 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/addn_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/addn_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_ADDN_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_ADDN_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ADDN_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ADDN_GPU_KERNEL_H_ #include #include @@ -140,4 +140,4 @@ class AddNGpuFwdKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_ADDN_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ADDN_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/assign_add_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/assign_add_gpu_kernel.h index 04a74b34121..f0e689f4237 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/assign_add_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/assign_add_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_ASSIGNADD_GPU_KERNEL_H -#define MINDSPORE_CCSRC_KERNEL_GPU_ASSIGNADD_GPU_KERNEL_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ASSIGNADD_GPU_KERNEL_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ASSIGNADD_GPU_KERNEL_H #include #include @@ -92,4 +92,4 @@ class AssignAddGpuFwdKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_ASSIGNADD_GPU_KERNEL_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ASSIGNADD_GPU_KERNEL_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/broadcast_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/broadcast_gpu_kernel.h index aaf827723a8..8dc364db9f1 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/broadcast_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/broadcast_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_BROADCAST_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_BROADCAST_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BROADCAST_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BROADCAST_GPU_KERNEL_H_ #include #include @@ -137,4 +137,4 @@ class BroadcastOpGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_BINARYOP_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BINARYOP_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/broadcast_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/broadcast_grad_gpu_kernel.h index 6258c5c4e2f..831d04aad7a 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/broadcast_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/broadcast_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_BROADCAST_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_BROADCAST_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BROADCAST_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BROADCAST_GPU_KERNEL_H_ #include #include @@ -144,4 +144,4 @@ class BroadcastOpGradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_BINARYOP_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BINARYOP_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/float_status_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/float_status_gpu_kernel.h index be74f2e9dc3..1d3cfcc8cef 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/float_status_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/float_status_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_FLOAT_STATUS_GPU_KERNEL_H -#define MINDSPORE_CCSRC_KERNEL_GPU_FLOAT_STATUS_GPU_KERNEL_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FLOAT_STATUS_GPU_KERNEL_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FLOAT_STATUS_GPU_KERNEL_H #include #include @@ -127,4 +127,4 @@ class FloatStatusGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_FLOAT_STATUS_GPU_KERNEL_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FLOAT_STATUS_GPU_KERNEL_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/random_op_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/random_op_gpu_kernel.h index 785ac02ee5a..c77339f7658 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/random_op_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/random_op_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_RANDOMOP_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_RANDOMOP_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_RANDOMOP_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_RANDOMOP_GPU_KERNEL_H_ #include #include @@ -118,4 +118,4 @@ class RandomOpGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_RANDOMOP_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_RANDOMOP_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/unary_op_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/unary_op_gpu_kernel.h index a02b94130cb..7e3f2c862ec 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/math/unary_op_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/math/unary_op_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_UNARYOP_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_UNARYOP_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_UNARYOP_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_UNARYOP_GPU_KERNEL_H_ #include #include @@ -170,4 +170,4 @@ class UnaryOpGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_UNARYOP_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_UNARYOP_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nccl/nccl_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nccl/nccl_gpu_kernel.h index 9701738bfc7..18caa149f6c 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nccl/nccl_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nccl/nccl_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NCCL_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NCCL_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NCCL_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NCCL_GPU_KERNEL_H_ #include #include @@ -185,4 +185,4 @@ class NcclGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NCCL_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NCCL_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/activation_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/activation_gpu_kernel.h index d651da75e0b..b434ddadd56 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/activation_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/activation_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_RELU_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_RELU_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_RELU_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_RELU_GPU_KERNEL_H_ #include #include @@ -139,4 +139,4 @@ class ActivationGpuFwdKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_RELU_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_RELU_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/activation_grad_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/activation_grad_kernel.h index ffdb6180987..2d7b2012f3d 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/activation_grad_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/activation_grad_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_RELU_GRAD_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_RELU_GRAD_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_RELU_GRAD_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_RELU_GRAD_KERNEL_H_ #include #include @@ -143,4 +143,4 @@ class ActivationGradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_RELU_GRAD_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_RELU_GRAD_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/adam_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/adam_gpu_kernel.h index e2fc87ed510..8ac9839dcfb 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/adam_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/adam_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_ADAM_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_ADAM_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_ADAM_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_ADAM_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -139,4 +139,4 @@ class AdamGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_ADAM_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_ADAM_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/bias_add_grad_gpu_kenel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/bias_add_grad_gpu_kenel.h index 3e15b818be3..dd44682e83a 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/bias_add_grad_gpu_kenel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/bias_add_grad_gpu_kenel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_BIAS_ADD_GRAD_GPU_KENEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_BIAS_ADD_GRAD_GPU_KENEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_BIAS_ADD_GRAD_GPU_KENEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_BIAS_ADD_GRAD_GPU_KENEL_H_ #include #include @@ -155,4 +155,4 @@ class BiasAddGradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_BIAS_ADD_GRAD_GPU_KENEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_BIAS_ADD_GRAD_GPU_KENEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/conv2d_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/conv2d_gpu_kernel.h index 6072614e22d..559665e422b 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/conv2d_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/conv2d_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_CONV2DGPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_CONV2DGPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_CONV2DGPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_CONV2DGPUKERNEL_H_ #include #include @@ -317,4 +317,4 @@ class Conv2dGpuFwdKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_CONV2DGPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_CONV2DGPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/conv2d_grad_filter_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/conv2d_grad_filter_gpu_kernel.h index 638da4a99f9..6ffa028f985 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/conv2d_grad_filter_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/conv2d_grad_filter_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_CONV2D_GRAD_FILTER_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_CONV2D_GRAD_FILTER_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_CONV2D_GRAD_FILTER_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_CONV2D_GRAD_FILTER_GPU_KERNEL_H_ #include #include @@ -317,4 +317,4 @@ class ConvGradFilterGpuBkwKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_CONV2D_GRAD_FILTER_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_CONV2D_GRAD_FILTER_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/conv2d_grad_input_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/conv2d_grad_input_gpu_kernel.h index a9a1e5c0ccb..1c6fb1aa5c8 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/conv2d_grad_input_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/conv2d_grad_input_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_CONV2D_GRAD_INPUT_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_CONV2D_GRAD_INPUT_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_CONV2D_GRAD_INPUT_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_CONV2D_GRAD_INPUT_GPU_KERNEL_H_ #include #include @@ -312,4 +312,4 @@ class ConvGradInputGpuBkwKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_CONV2D_GRAD_INPUT_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_CONV2D_GRAD_INPUT_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/ctcloss_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/ctcloss_gpu_kernel.h index 8b023545160..dca1136228e 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/ctcloss_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/ctcloss_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_CTCLOSS_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_CTCLOSS_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_CTCLOSS_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_CTCLOSS_GPU_KERNEL_H_ #include #include @@ -163,4 +163,4 @@ class CtcLossGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_CTCLOSS_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_CTCLOSS_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/dropout_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/dropout_gpu_kernel.h index 2104d7af35e..632caef9ec3 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/dropout_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/dropout_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_DROPOUT_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_DROPOUT_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_DROPOUT_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_DROPOUT_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -115,4 +115,4 @@ class DropoutGpuFwdKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_DROPOUT_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_DROPOUT_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/dropout_grad_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/dropout_grad_kernel.h index a3a7250c9b6..626692516c6 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/dropout_grad_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/dropout_grad_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_DROPOUT_GRAD_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_DROPOUT_GRAD_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_DROPOUT_GRAD_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_DROPOUT_GRAD_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -97,4 +97,4 @@ class DropoutGradGpuBwdKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_DROPOUT_GRAD_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_DROPOUT_GRAD_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/flatten_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/flatten_gpu_kernel.h index a140579a3c3..baf6e35f2ea 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/flatten_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/flatten_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_FLATTEN_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_FLATTEN_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FLATTEN_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FLATTEN_GPU_KERNEL_H_ #include #include @@ -75,4 +75,4 @@ class FlattenGpuFwdKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_FLATTEN_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FLATTEN_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/flatten_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/flatten_grad_gpu_kernel.h index b21327bc3bf..700fe5884a6 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/flatten_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/flatten_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_FLATTEN_GRAD_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_FLATTEN_GRAD_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FLATTEN_GRAD_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FLATTEN_GRAD_GPU_KERNEL_H_ #include #include @@ -86,4 +86,4 @@ class FlattenGardGpuBkwKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_FLATTEN_GRAD_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FLATTEN_GRAD_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/ftrl_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/ftrl_gpu_kernel.h index ea08741dbaf..1fbe2aa332e 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/ftrl_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/ftrl_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_FTRL_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_FTRL_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FTRL_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FTRL_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -127,4 +127,4 @@ class FtrlGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_FTRL_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FTRL_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/fused_adam_weight_decay.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/fused_adam_weight_decay.h index c4fd31a7374..10e90aef8d6 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/fused_adam_weight_decay.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/fused_adam_weight_decay.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_FUSED_ADAM_WEIGHT_DECAY_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_FUSED_ADAM_WEIGHT_DECAY_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FUSED_ADAM_WEIGHT_DECAY_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FUSED_ADAM_WEIGHT_DECAY_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -100,4 +100,4 @@ class FusedAdamWeightDecayGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_FUSED_ADAM_WEIGHT_DECAY_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FUSED_ADAM_WEIGHT_DECAY_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/fused_batch_norm_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/fused_batch_norm_gpu_kernel.h index fcf21b02142..b029929b022 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/fused_batch_norm_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/fused_batch_norm_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_FUSED_BATCH_NORM_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_FUSED_BATCH_NORM_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FUSED_BATCH_NORM_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FUSED_BATCH_NORM_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -187,4 +187,4 @@ class FusedBatchNormGpuKernel : public GpuKernel { }; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_FUSED_BATCH_NORM_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FUSED_BATCH_NORM_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/fused_batchnorm_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/fused_batchnorm_grad_gpu_kernel.h index e2da67b85ef..b22cc2f03f1 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/fused_batchnorm_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/fused_batchnorm_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_FUSED_BATCHNORM_GRAD_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_FUSED_BATCHNORM_GRAD_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FUSED_BATCHNORM_GRAD_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FUSED_BATCHNORM_GRAD_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -175,4 +175,4 @@ class FusedBatchNormGradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_FUSED_BATCHNORM_GRAD_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_FUSED_BATCHNORM_GRAD_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/gelu_grad_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/gelu_grad_kernel.h index 823da1fe9f0..27afbda57e9 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/gelu_grad_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/gelu_grad_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_GELU_GRAD_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_GELU_GRAD_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_GELU_GRAD_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_GELU_GRAD_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -72,4 +72,4 @@ class GeLUGpuGradKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_GELU_GRAD_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_GELU_GRAD_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/gelu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/gelu_kernel.h index 76d3861d55c..41cf065a833 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/gelu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/gelu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_GELU_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_GELU_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_GELU_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_GELU_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -69,4 +69,4 @@ class GeluGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_GELU_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_GELU_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/layer_norm_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/layer_norm_gpu_kernel.h index 74669e03de2..7f65573a960 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/layer_norm_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/layer_norm_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_LAYER_NORM_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_LAYER_NORM_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LAYER_NORM_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LAYER_NORM_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -100,4 +100,4 @@ class LayerNormGpuKernel : public GpuKernel { }; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_LAYER_NORM_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LAYER_NORM_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/layer_norm_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/layer_norm_grad_gpu_kernel.h index 93967adad32..8e4b12af2d8 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/layer_norm_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/layer_norm_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_LAYER_NORM_GRAD_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_LAYER_NORM_GRAD_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LAYER_NORM_GRAD_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LAYER_NORM_GRAD_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -104,4 +104,4 @@ class LayerNormGradGpuKernel : public GpuKernel { }; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_LAYER_NORM_GRAD_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LAYER_NORM_GRAD_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/lstm_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/lstm_gpu_kernel.h index ad3e588f00e..2db0b152008 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/lstm_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/lstm_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_LSTM_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_LSTM_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LSTM_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LSTM_GPU_KERNEL_H_ #include #include @@ -244,4 +244,4 @@ class LstmGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_LSTM_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LSTM_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/lstm_grad_data_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/lstm_grad_data_gpu_kernel.h index 6d6bed55555..29d1de9a89c 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/lstm_grad_data_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/lstm_grad_data_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_LSTM_GRAD_DATA_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_LSTM_GRAD_DATA_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LSTM_GRAD_DATA_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LSTM_GRAD_DATA_GPU_KERNEL_H_ #include #include @@ -281,4 +281,4 @@ class LstmGradDataGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_LSTM_GRAD_DATA_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LSTM_GRAD_DATA_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/lstm_grad_weight_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/lstm_grad_weight_gpu_kernel.h index 445d2ce1997..8a73de52a33 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/lstm_grad_weight_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/lstm_grad_weight_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_LSTM_GRAD_WEIGHT_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_LSTM_GRAD_WEIGHT_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LSTM_GRAD_WEIGHT_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LSTM_GRAD_WEIGHT_GPU_KERNEL_H_ #include #include @@ -228,4 +228,4 @@ class LstmGradWeightGpuKernel : public GpuKernel { }; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_LSTM_GRAD_WEIGHT_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_LSTM_GRAD_WEIGHT_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/momentum_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/momentum_gpu_kernel.h index 02b897f679e..091e2d6e9ff 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/momentum_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/momentum_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_MOMENTUM_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_MOMENTUM_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_MOMENTUM_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_MOMENTUM_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -97,4 +97,4 @@ class MomentumGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_MOMENTUM_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_MOMENTUM_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/pooling_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/pooling_gpu_kernel.h index 908a4e9b998..e9cf05d0dde 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/pooling_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/pooling_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_POOLING_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_POOLING_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_POOLING_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_POOLING_GPU_KERNEL_H_ #include #include @@ -249,4 +249,4 @@ class PoolingGpuFwdKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_POOLING_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_POOLING_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/pooling_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/pooling_grad_gpu_kernel.h index a066eacfa08..0d16fc48a2c 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/pooling_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/pooling_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_POOLING_GRAD_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_POOLING_GRAD_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_POOLING_GRAD_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_POOLING_GRAD_GPU_KERNEL_H_ #include #include @@ -293,4 +293,4 @@ class PoolingGradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_POOLING_GRAD_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_POOLING_GRAD_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/rmsprop_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/rmsprop_gpu_kernel.h index 9811c71094e..cf31abea020 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/rmsprop_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/rmsprop_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_RMSPROP_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_RMSPROP_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_RMSPROP_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_RMSPROP_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/sigmoid_cross_entropy_with_logits_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/sigmoid_cross_entropy_with_logits_gpu_kernel.h index a2d3aabb688..bf133e2bb71 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/sigmoid_cross_entropy_with_logits_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/sigmoid_cross_entropy_with_logits_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_SIGMOID_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_SIGMOID_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SIGMOID_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SIGMOID_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -94,4 +94,4 @@ class SigmoidCrossEntropyWithLogitsGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_SIGMOID_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SIGMOID_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/sigmoid_cross_entropy_with_logits_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/sigmoid_cross_entropy_with_logits_grad_gpu_kernel.h index 88ab46a6ba5..873f9c5be1c 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/sigmoid_cross_entropy_with_logits_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/sigmoid_cross_entropy_with_logits_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_SIGMOID_CROSS_ENTROPY_WITH_LOGITS_GRAD_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_SIGMOID_CROSS_ENTROPY_WITH_LOGITS_GRAD_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SIGMOID_CROSS_ENTROPY_WITH_LOGITS_GRAD_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SIGMOID_CROSS_ENTROPY_WITH_LOGITS_GRAD_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -93,4 +93,4 @@ class SigmoidCrossEntropyWithLogitsGradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_SIGMOID_CROSS_ENTROPY_WITH_LOGITS_GRAD_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SIGMOID_CROSS_ENTROPY_WITH_LOGITS_GRAD_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/smooth_l1_loss_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/smooth_l1_loss_gpu_kernel.h index dc20f75077d..1ebd56874b6 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/smooth_l1_loss_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/smooth_l1_loss_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_SMOOTH_L1_LOSS_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_SMOOTH_L1_LOSS_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SMOOTH_L1_LOSS_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SMOOTH_L1_LOSS_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -72,4 +72,4 @@ class SmoothL1LossGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_SMOOTH_L1_LOSS_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SMOOTH_L1_LOSS_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/smooth_l1_loss_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/smooth_l1_loss_grad_gpu_kernel.h index 02be336932f..88e8bbd30e5 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/smooth_l1_loss_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/smooth_l1_loss_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_SMOOTH_L1_LOSS_GRAD_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_SMOOTH_L1_LOSS_GRAD_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SMOOTH_L1_LOSS_GRAD_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SMOOTH_L1_LOSS_GRAD_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -73,4 +73,4 @@ class SmoothL1LossGradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_SMOOTH_L1_LOSS_GRAD_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SMOOTH_L1_LOSS_GRAD_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/softmax_cross_entropy_with_logits_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/softmax_cross_entropy_with_logits_gpu_kernel.h index e56cb96fd75..8a93c4c4554 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/softmax_cross_entropy_with_logits_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/softmax_cross_entropy_with_logits_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ #include #include @@ -202,4 +202,4 @@ class SoftmaxCrossEntropyWithLogitsGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/softmax_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/softmax_gpu_kernel.h index 279bac3aa9e..9369ba0a559 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/softmax_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/softmax_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_SOFTMAX_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_SOFTMAX_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SOFTMAX_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SOFTMAX_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -249,4 +249,4 @@ class SoftmaxGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_SOFTMAX_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SOFTMAX_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/softmax_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/softmax_grad_gpu_kernel.h index b814be9969b..7bea9b35697 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/softmax_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/softmax_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_SOFTMAX_GRAD_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_SOFTMAX_GRAD_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SOFTMAX_GRAD_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SOFTMAX_GRAD_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -216,4 +216,4 @@ class SoftmaxGradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_SOFTMAX_GRAD_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SOFTMAX_GRAD_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/sparse_softmax_cross_entropy_with_logits_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/sparse_softmax_cross_entropy_with_logits_gpu_kernel.h index bcb8a6b333d..88ec6310171 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/sparse_softmax_cross_entropy_with_logits_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/nn/sparse_softmax_cross_entropy_with_logits_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_SPARSE_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_SPARSE_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SPARSE_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SPARSE_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ #include #include @@ -203,4 +203,4 @@ class SparseSoftmaxCrossEntropyWithLogitsGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_SPARSE_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_SPARSE_SOFTMAX_CROSS_ENTROPY_WITH_LOGITS_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/other/assign_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/other/assign_gpu_kernel.h index 76e863393c0..2be341f50a0 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/other/assign_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/other/assign_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_ASSIGN_GPU_KERNEL_H -#define MINDSPORE_CCSRC_KERNEL_GPU_ASSIGN_GPU_KERNEL_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ASSIGN_GPU_KERNEL_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ASSIGN_GPU_KERNEL_H #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -90,4 +90,4 @@ class AssignGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_ASSIGN_GPU_KERNEL_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_ASSIGN_GPU_KERNEL_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold2_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold2_gpu_kernel.h index 83600e20df6..32d587a90d8 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold2_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold2_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_BATCHNORMFOLD2_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_BATCHNORMFOLD2_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_BATCHNORMFOLD2_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_BATCHNORMFOLD2_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -129,4 +129,4 @@ class BatchNormFold2GpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_BATCHNORMFOLD2_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_BATCHNORMFOLD2_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold2_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold2_grad_gpu_kernel.h index 33352109250..61abfaf1131 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold2_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold2_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_NN_BATCHNORMFOLD2_GRAD_GPU_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_NN_BATCHNORMFOLD2_GRAD_GPU_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_BATCHNORMFOLD2_GRAD_GPU_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_BATCHNORMFOLD2_GRAD_GPU_KERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -165,4 +165,4 @@ class BatchNormFold2GradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_NN_BATCHNORMFOLD2_GRAD_GPU_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_NN_BATCHNORMFOLD2_GRAD_GPU_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold_gpu_kernel.h index 11b150686c3..18c7e3fb917 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_BATCHNORM_FOLD_GPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_BATCHNORM_FOLD_GPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BATCHNORM_FOLD_GPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BATCHNORM_FOLD_GPUKERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -206,4 +206,4 @@ class BatchNormFoldGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_BATCHNORM_FOLD_GPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BATCHNORM_FOLD_GPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold_grad_gpu_kernel.h index 93a3cbf46eb..45d18602dd8 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/batchnorm_fold_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_BATCHNORM_FOLD_GRAD_GPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_BATCHNORM_FOLD_GRAD_GPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BATCHNORM_FOLD_GRAD_GPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BATCHNORM_FOLD_GRAD_GPUKERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -163,4 +163,4 @@ class BatchNormFoldGradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_BATCHNORM_FOLD_GRAD_GPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_BATCHNORM_FOLD_GRAD_GPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/correction_mul_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/correction_mul_gpu_kernel.h index 4ba6285e4b2..20b413da71f 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/correction_mul_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/correction_mul_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_CORRECTIONMUL_GPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_CORRECTIONMUL_GPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CORRECTIONMUL_GPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CORRECTIONMUL_GPUKERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -94,4 +94,4 @@ class CorrectionMulGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_CORRECTIONMUL_GPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CORRECTIONMUL_GPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/correction_mul_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/correction_mul_grad_gpu_kernel.h index b9fcbf0787d..533266e1856 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/correction_mul_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/correction_mul_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_CORRECTIONMULGRAD_GPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_CORRECTIONMULGRAD_GPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CORRECTIONMULGRAD_GPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CORRECTIONMULGRAD_GPUKERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -102,4 +102,4 @@ class CorrectionMulGradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_CORRECTIONMULGRAD_GPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_CORRECTIONMULGRAD_GPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perchannel_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perchannel_gpu_kernel.h index 8e2c9524b2f..cd5102bcd69 100755 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perchannel_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perchannel_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_FAKEQUANT_PER_CHANNEL_GPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_FAKEQUANT_PER_CHANNEL_GPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FAKEQUANT_PER_CHANNEL_GPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FAKEQUANT_PER_CHANNEL_GPUKERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -60,4 +60,4 @@ class FakeQuantPerChannelGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_FAKEQUANT_PER_CHANNEL_GPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FAKEQUANT_PER_CHANNEL_GPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perchannel_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perchannel_grad_gpu_kernel.h index c2611ab8a25..94e0c96a0f4 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perchannel_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perchannel_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_FAKEQUANT_PER_CHANNEL_GRAD_GPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_FAKEQUANT_PER_CHANNEL_GRAD_GPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FAKEQUANT_PER_CHANNEL_GRAD_GPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FAKEQUANT_PER_CHANNEL_GRAD_GPUKERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -56,4 +56,4 @@ class FakeQuantPerChannelGradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_FAKEQUANT_PER_CHANNEL_GRAD_GPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FAKEQUANT_PER_CHANNEL_GRAD_GPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perlayer_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perlayer_gpu_kernel.h index 6df4da31043..0bfeb8c2026 100755 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perlayer_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perlayer_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_FAKEQUANT_PERLAYER_GPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_FAKEQUANT_PERLAYER_GPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FAKEQUANT_PERLAYER_GPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FAKEQUANT_PERLAYER_GPUKERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -57,4 +57,4 @@ class FakeQuantPerLayerGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_FAKEQUANT_PERLAYER_GPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FAKEQUANT_PERLAYER_GPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perlayer_grad_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perlayer_grad_gpu_kernel.h index 475723f684c..1c90b09abc0 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perlayer_grad_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/fake_quant_perlayer_grad_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_FAKEQUANT_PERLAYER_GRAD_GPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_FAKEQUANT_PERLAYER_GRAD_GPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FAKEQUANT_PERLAYER_GRAD_GPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FAKEQUANT_PERLAYER_GRAD_GPUKERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -57,4 +57,4 @@ class FakeQuantPerLayerGradGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_FAKEQUANT_PERLAYER_GRAD_GPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_FAKEQUANT_PERLAYER_GRAD_GPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/minmax_update_perchannel_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/minmax_update_perchannel_gpu_kernel.h index 9a0fe23e6af..671d2cb40f9 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/minmax_update_perchannel_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/minmax_update_perchannel_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_MINMAX_UPDATE_PERCHANNEL_GPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_MINMAX_UPDATE_PERCHANNEL_GPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_MINMAX_UPDATE_PERCHANNEL_GPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_MINMAX_UPDATE_PERCHANNEL_GPUKERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -52,4 +52,4 @@ class MinMaxUpdatePerChannelGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_MINMAX_UPDATE_PERCHANNEL_GPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_MINMAX_UPDATE_PERCHANNEL_GPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/minmax_update_perlayer_gpu_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/minmax_update_perlayer_gpu_kernel.h index 80ce6185c03..b4811466ae8 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/minmax_update_perlayer_gpu_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/gpu/quant/minmax_update_perlayer_gpu_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_GPU_MINMAX_UPDATE_PERLAYER_GPUKERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_GPU_MINMAX_UPDATE_PERLAYER_GPUKERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_MINMAX_UPDATE_PERLAYER_GPUKERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_MINMAX_UPDATE_PERLAYER_GPUKERNEL_H_ #include #include "backend/kernel_compiler/gpu/gpu_kernel.h" @@ -51,4 +51,4 @@ class MinMaxUpdatePerLayerGpuKernel : public GpuKernel { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_GPU_MINMAX_UPDATE_PERLAYER_GPUKERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_GPU_MINMAX_UPDATE_PERLAYER_GPUKERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/hccl/hccl_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/hccl/hccl_kernel.h index db7a0fbf7ca..971caa27f35 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/hccl/hccl_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/hccl/hccl_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_HCCL_HCCL_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_HCCL_HCCL_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCCL_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCCL_KERNEL_H_ #include #include diff --git a/mindspore/ccsrc/backend/kernel_compiler/hccl/hccl_kernel_build.h b/mindspore/ccsrc/backend/kernel_compiler/hccl/hccl_kernel_build.h index 21b34d65223..8d8436af863 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/hccl/hccl_kernel_build.h +++ b/mindspore/ccsrc/backend/kernel_compiler/hccl/hccl_kernel_build.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_HCCL_HCCL_KERNEL_BUILD_H_ -#define MINDSPORE_CCSRC_KERNEL_HCCL_HCCL_KERNEL_BUILD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCCL_KERNEL_BUILD_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCCL_KERNEL_BUILD_H_ #include #include diff --git a/mindspore/ccsrc/backend/kernel_compiler/hccl/hccl_kernel_metadata.h b/mindspore/ccsrc/backend/kernel_compiler/hccl/hccl_kernel_metadata.h index 25891fdaf6f..1ff5ecf7694 100755 --- a/mindspore/ccsrc/backend/kernel_compiler/hccl/hccl_kernel_metadata.h +++ b/mindspore/ccsrc/backend/kernel_compiler/hccl/hccl_kernel_metadata.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_KERNEL_HCCL_HCCL_KERNEL_METADATA_ANFALGO_H_ -#define MINDSPORE_MINDSPORE_CCSRC_KERNEL_HCCL_HCCL_KERNEL_METADATA_ANFALGO_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCCL_KERNEL_METADATA_ANFALGO_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCCL_KERNEL_METADATA_ANFALGO_H_ #include #include #include @@ -26,4 +26,4 @@ void HcclMetadataInfo(const CNodePtr &kernel_node, std::vector #include diff --git a/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_all_gather.h b/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_all_gather.h index 21d8ffa4843..36a11d70c42 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_all_gather.h +++ b/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_all_gather.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_HCCL_HCOM_ALL_GATHER_H_ -#define MINDSPORE_CCSRC_KERNEL_HCCL_HCOM_ALL_GATHER_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCOM_ALL_GATHER_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCOM_ALL_GATHER_H_ #include #include diff --git a/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_all_reduce.h b/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_all_reduce.h index 39641f74489..99ea18f7009 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_all_reduce.h +++ b/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_all_reduce.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_HCCL_HCOM_ALL_REDUCE_H_ -#define MINDSPORE_CCSRC_KERNEL_HCCL_HCOM_ALL_REDUCE_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCOM_ALL_REDUCE_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCOM_ALL_REDUCE_H_ #include #include diff --git a/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_all_reduce_scatter.h b/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_all_reduce_scatter.h index 2f4ace5aea6..987982a73c8 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_all_reduce_scatter.h +++ b/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_all_reduce_scatter.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_HCCL_HCOM_ALL_REDUCE_SCATTER_H_ -#define MINDSPORE_CCSRC_KERNEL_HCCL_HCOM_ALL_REDUCE_SCATTER_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCOM_ALL_REDUCE_SCATTER_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCOM_ALL_REDUCE_SCATTER_H_ #include #include diff --git a/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_util.h b/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_util.h index dc9596cf5ca..2979fc5ed8f 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_util.h +++ b/mindspore/ccsrc/backend/kernel_compiler/hccl/hcom_util.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_HCCL_HCOM_UTILS_H_ -#define MINDSPORE_CCSRC_KERNEL_HCCL_HCOM_UTILS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCOM_UTILS_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_HCCL_HCOM_UTILS_H_ #include #include diff --git a/mindspore/ccsrc/backend/kernel_compiler/kernel.h b/mindspore/ccsrc/backend/kernel_compiler/kernel.h index 2d240338f3c..5725bc80aee 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_KERNEL_H_ -#define MINDSPORE_CCSRC_KERNEL_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_KERNEL_H_ #include #include #include @@ -138,4 +138,4 @@ using KernelModPtr = std::shared_ptr; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/kernel_build_info.h b/mindspore/ccsrc/backend/kernel_compiler/kernel_build_info.h index be243c9ae0c..32debbbfabe 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/kernel_build_info.h +++ b/mindspore/ccsrc/backend/kernel_compiler/kernel_build_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_KERNEL_BUILD_INFO_H_ -#define MINDSPORE_CCSRC_KERNEL_KERNEL_BUILD_INFO_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_KERNEL_BUILD_INFO_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_KERNEL_BUILD_INFO_H_ #include #include #include @@ -144,4 +144,4 @@ class KernelBuildInfo::KernelBuildInfoBuilder { }; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_KERNEL_BUILD_INFO_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_KERNEL_BUILD_INFO_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/kernel_fusion.h b/mindspore/ccsrc/backend/kernel_compiler/kernel_fusion.h index 2fb3a05b4b2..662b23ed56e 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/kernel_fusion.h +++ b/mindspore/ccsrc/backend/kernel_compiler/kernel_fusion.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_KERNELFUSION_H_ -#define MINDSPORE_CCSRC_KERNEL_KERNELFUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_KERNELFUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_KERNELFUSION_H_ #include #include #include "backend/kernel_compiler/kernel.h" @@ -35,4 +35,4 @@ std::map KernelFusion(const std::vector } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_KERNELFUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_KERNELFUSION_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/kernel_query.h b/mindspore/ccsrc/backend/kernel_compiler/kernel_query.h index 20458f48d0a..9b4b49ac06b 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/kernel_query.h +++ b/mindspore/ccsrc/backend/kernel_compiler/kernel_query.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_KERNEL_QUERY_H_ -#define MINDSPORE_CCSRC_KERNEL_KERNEL_QUERY_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_KERNEL_QUERY_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_KERNEL_QUERY_H_ #include #include @@ -32,4 +32,4 @@ bool IsSupportedByAICPU(const AnfNodePtr &kernel_node, const KernelBuildInfoPtr bool IsSupportedByAICore(const AnfNodePtr &kernel_node, const KernelBuildInfoPtr &select_kernel_build_info); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_KERNEL_QUERY_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_KERNEL_QUERY_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/oplib/opinfo.h b/mindspore/ccsrc/backend/kernel_compiler/oplib/opinfo.h index 64ae1009d15..389546ec065 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/oplib/opinfo.h +++ b/mindspore/ccsrc/backend/kernel_compiler/oplib/opinfo.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_OPLIB_OPINFO_H_ -#define MINDSPORE_CCSRC_KERNEL_OPLIB_OPINFO_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_OPLIB_OPINFO_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_OPLIB_OPINFO_H_ #include #include #include @@ -172,4 +172,4 @@ class OpInfo { }; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_OPLIB_OPINFO_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_OPLIB_OPINFO_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/oplib/oplib.h b/mindspore/ccsrc/backend/kernel_compiler/oplib/oplib.h index 845edbfc2ac..832f365c394 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/oplib/oplib.h +++ b/mindspore/ccsrc/backend/kernel_compiler/oplib/oplib.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_OPLIB_OPLIB_H_ -#define MINDSPORE_CCSRC_KERNEL_OPLIB_OPLIB_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_OPLIB_OPLIB_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_OPLIB_OPLIB_H_ #include #include #include @@ -52,4 +52,4 @@ class OpLib { }; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_OPLIB_OPLIB_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_OPLIB_OPLIB_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/rts/assign.h b/mindspore/ccsrc/backend/kernel_compiler/rts/assign.h index cff946cc366..b60969c2202 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/rts/assign.h +++ b/mindspore/ccsrc/backend/kernel_compiler/rts/assign.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_RTS_ASSIGN_H -#define MINDSPORE_CCSRC_KERNEL_RTS_ASSIGN_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_ASSIGN_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_ASSIGN_H #include #include "backend/kernel_compiler/rts/rt_kernel.h" @@ -38,4 +38,4 @@ MS_REG_RTKERNEL(assign, AssignKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_RTS_ASSIGN_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_ASSIGN_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/rts/label_goto.h b/mindspore/ccsrc/backend/kernel_compiler/rts/label_goto.h index 2680d916a5a..a073555241b 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/rts/label_goto.h +++ b/mindspore/ccsrc/backend/kernel_compiler/rts/label_goto.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_RTS_LABEL_GOTO_H -#define MINDSPORE_CCSRC_KERNEL_RTS_LABEL_GOTO_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_LABEL_GOTO_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_LABEL_GOTO_H #include #include @@ -44,4 +44,4 @@ MS_REG_RTKERNEL(labelgoto, LabelGotoKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_RTS_LABEL_GOTO_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_LABEL_GOTO_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/rts/label_set.h b/mindspore/ccsrc/backend/kernel_compiler/rts/label_set.h index 8d0cfdfb20b..721bc39cffd 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/rts/label_set.h +++ b/mindspore/ccsrc/backend/kernel_compiler/rts/label_set.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_RTS_LABEL_SET_H -#define MINDSPORE_CCSRC_KERNEL_RTS_LABEL_SET_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_LABEL_SET_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_LABEL_SET_H #include #include @@ -44,4 +44,4 @@ MS_REG_RTKERNEL(labelset, LabelSetKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_RTS_LABEL_SET_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_LABEL_SET_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/rts/label_switch.h b/mindspore/ccsrc/backend/kernel_compiler/rts/label_switch.h index 1860d38d74a..b573782f0c0 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/rts/label_switch.h +++ b/mindspore/ccsrc/backend/kernel_compiler/rts/label_switch.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_RTS_LABEL_SWITCH_H -#define MINDSPORE_CCSRC_KERNEL_RTS_LABEL_SWITCH_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_LABEL_SWITCH_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_LABEL_SWITCH_H #include #include @@ -54,4 +54,4 @@ MS_REG_RTKERNEL(labelswitch, LabelSwitchKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_RTS_LABEL_SWITCH_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_LABEL_SWITCH_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/rts/memcpy_async.h b/mindspore/ccsrc/backend/kernel_compiler/rts/memcpy_async.h index 07a782be500..4e66a212b26 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/rts/memcpy_async.h +++ b/mindspore/ccsrc/backend/kernel_compiler/rts/memcpy_async.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_RTS_MEMCPY_ASYNC_H -#define MINDSPORE_CCSRC_KERNEL_RTS_MEMCPY_ASYNC_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_MEMCPY_ASYNC_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_MEMCPY_ASYNC_H #include #include @@ -53,4 +53,4 @@ MS_REG_RTKERNEL(memcpy_async, MemCpyAsyncKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_RTS_MEMCPY_ASYNC_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_MEMCPY_ASYNC_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/rts/profiling_kernel_mod.h b/mindspore/ccsrc/backend/kernel_compiler/rts/profiling_kernel_mod.h index cdb43afb3ea..239cf8e222d 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/rts/profiling_kernel_mod.h +++ b/mindspore/ccsrc/backend/kernel_compiler/rts/profiling_kernel_mod.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_KERNEL_RTS_PROFILING_KERNEL_MOD_H_ -#define MINDSPORE_MINDSPORE_CCSRC_KERNEL_RTS_PROFILING_KERNEL_MOD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_PROFILING_KERNEL_MOD_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_PROFILING_KERNEL_MOD_H_ #include #include "backend/kernel_compiler/rts/rt_kernel.h" namespace mindspore { @@ -37,4 +37,4 @@ class ProfilingKernelMod : public RtKernel { MS_REG_RTKERNEL(profiling, ProfilingKernelMod); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_KERNEL_RTS_PROFILING_KERNEL_MOD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_PROFILING_KERNEL_MOD_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/rts/recv.h b/mindspore/ccsrc/backend/kernel_compiler/rts/recv.h index 73e0214eaea..13dd91d55ef 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/rts/recv.h +++ b/mindspore/ccsrc/backend/kernel_compiler/rts/recv.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_RTS_RECV_H -#define MINDSPORE_CCSRC_KERNEL_RTS_RECV_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_RECV_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_RECV_H #include #include @@ -43,4 +43,4 @@ MS_REG_RTKERNEL(recv, RecvKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_RTS_RECV_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_RECV_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/rts/rt_kernel.h b/mindspore/ccsrc/backend/kernel_compiler/rts/rt_kernel.h index dc0aa3e2832..0c410153837 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/rts/rt_kernel.h +++ b/mindspore/ccsrc/backend/kernel_compiler/rts/rt_kernel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_RTS_RT_KERNEL_H -#define MINDSPORE_CCSRC_KERNEL_RTS_RT_KERNEL_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_RT_KERNEL_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_RT_KERNEL_H #include #include @@ -74,4 +74,4 @@ class _RtKernelRegister { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_RTS_RT_KERNEL_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_RT_KERNEL_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/rts/rt_kernel_build.h b/mindspore/ccsrc/backend/kernel_compiler/rts/rt_kernel_build.h index ccfb8d923b5..66c11b0a347 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/rts/rt_kernel_build.h +++ b/mindspore/ccsrc/backend/kernel_compiler/rts/rt_kernel_build.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_RTS_RT_KERNEL_BUILD_H -#define MINDSPORE_CCSRC_KERNEL_RTS_RT_KERNEL_BUILD_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_RT_KERNEL_BUILD_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_RT_KERNEL_BUILD_H #include #include @@ -26,4 +26,4 @@ KernelModPtr RtOpBuild(const AnfNodePtr &anf_node); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_RTS_RT_KERNEL_BUILD_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_RT_KERNEL_BUILD_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/rts/rt_kernel_info.h b/mindspore/ccsrc/backend/kernel_compiler/rts/rt_kernel_info.h index 6048fb37795..28489bbdc08 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/rts/rt_kernel_info.h +++ b/mindspore/ccsrc/backend/kernel_compiler/rts/rt_kernel_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_RTS_RT_KERNEL_INFO_H -#define MINDSPORE_CCSRC_KERNEL_RTS_RT_KERNEL_INFO_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_RT_KERNEL_INFO_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_RT_KERNEL_INFO_H #include #include @@ -72,4 +72,4 @@ void GetRtKelInfo(const CNodePtr &kernel_node, std::vector #include #include "backend/kernel_compiler/rts/rt_kernel.h" @@ -41,4 +41,4 @@ MS_REG_RTKERNEL(send, SendKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_RTS_SEND_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_SEND_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/rts/stream_active.h b/mindspore/ccsrc/backend/kernel_compiler/rts/stream_active.h index 409c3437dcf..7164b7d9fcf 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/rts/stream_active.h +++ b/mindspore/ccsrc/backend/kernel_compiler/rts/stream_active.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_RTS_STREAM_ACTIVE_H -#define MINDSPORE_CCSRC_KERNEL_RTS_STREAM_ACTIVE_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_STREAM_ACTIVE_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_STREAM_ACTIVE_H #include #include #include "backend/kernel_compiler/rts/rt_kernel.h" @@ -43,4 +43,4 @@ MS_REG_RTKERNEL(streamactive, StreamActiveKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_RTS_STREAM_ACTIVE_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_STREAM_ACTIVE_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/rts/stream_switch.h b/mindspore/ccsrc/backend/kernel_compiler/rts/stream_switch.h index 64a51f68bf5..78e9f80e4df 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/rts/stream_switch.h +++ b/mindspore/ccsrc/backend/kernel_compiler/rts/stream_switch.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_RTS_STREAM_SWITCH_H -#define MINDSPORE_CCSRC_KERNEL_RTS_STREAM_SWITCH_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_STREAM_SWITCH_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_STREAM_SWITCH_H #include #include @@ -46,4 +46,4 @@ MS_REG_RTKERNEL(streamswitch, StreamSwitchKernel); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_RTS_STREAM_SWITCH_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_RTS_STREAM_SWITCH_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/task_stream.h b/mindspore/ccsrc/backend/kernel_compiler/task_stream.h index babfe7eecda..ccc930fa70d 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/task_stream.h +++ b/mindspore/ccsrc/backend/kernel_compiler/task_stream.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_TASK_STREAM_H_ -#define MINDSPORE_CCSRC_KERNEL_TASK_STREAM_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TASK_STREAM_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TASK_STREAM_H_ #include #include @@ -56,4 +56,4 @@ class TaskStream { }; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_TASK_STREAM_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TASK_STREAM_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_adapter.h b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_adapter.h index aa09efc11f8..f72de02e8fa 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_adapter.h +++ b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_adapter.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_TBE_TBE_ADAPTER_H -#define MINDSPORE_CCSRC_KERNEL_TBE_TBE_ADAPTER_H +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_ADAPTER_H +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_ADAPTER_H #include #include @@ -65,4 +65,4 @@ class TbeAdapter { } // namespace tbe } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_TBE_TBE_ADAPTER_H +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_ADAPTER_H diff --git a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_convert_utils.h b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_convert_utils.h index dea058cd56c..78b6f0c7e6f 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_convert_utils.h +++ b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_convert_utils.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_TBE_COMMON_UTILS_H_ -#define MINDSPORE_CCSRC_KERNEL_TBE_COMMON_UTILS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_COMMON_UTILS_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_COMMON_UTILS_H_ #include #include "backend/kernel_compiler/kernel.h" @@ -39,4 +39,4 @@ std::string GetProcessor(const AnfNodePtr &anf_node); } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_TBE_COMMON_UTILS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_COMMON_UTILS_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_build.h b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_build.h index 768f811055d..6447c6cff6f 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_build.h +++ b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_build.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_TBE_TBE_KERNEL_BUILD_H_ -#define MINDSPORE_CCSRC_KERNEL_TBE_TBE_KERNEL_BUILD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_KERNEL_BUILD_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_KERNEL_BUILD_H_ #include #include @@ -119,4 +119,4 @@ class TbeKernelJsonCreator { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_TBE_TBE_KERNEL_BUILD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_KERNEL_BUILD_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_mod.h b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_mod.h index de48c83d9b2..70d17a02c65 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_mod.h +++ b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_mod.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_TBE_TBE_KERNEL_MOD_H_ -#define MINDSPORE_CCSRC_KERNEL_TBE_TBE_KERNEL_MOD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_KERNEL_MOD_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_KERNEL_MOD_H_ #include #include @@ -54,4 +54,4 @@ class TbeKernelMod : public AscendKernelMod { using TbeKernelModPtr = std::shared_ptr; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_TBE_TBE_KERNEL_MOD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_KERNEL_MOD_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_parallel_build.h b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_parallel_build.h index a29469b47c6..22b4f772686 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_parallel_build.h +++ b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_parallel_build.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_TBE_TBE_KERNEL_PARALLEL_BUILD_H_ -#define MINDSPORE_CCSRC_KERNEL_TBE_TBE_KERNEL_PARALLEL_BUILD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_KERNEL_PARALLEL_BUILD_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_KERNEL_PARALLEL_BUILD_H_ #include #include @@ -73,4 +73,4 @@ class ParallelBuildManager { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_TBE_TBE_KERNEL_PARALLEL_BUILD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_KERNEL_PARALLEL_BUILD_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_select/common_utils.h b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_select/common_utils.h index c07197610e9..b0002a70333 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_select/common_utils.h +++ b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_select/common_utils.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_TBE_KERNEL_SELECT_COMMON_UTILS_H_ -#define MINDSPORE_CCSRC_KERNEL_TBE_KERNEL_SELECT_COMMON_UTILS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_KERNEL_SELECT_COMMON_UTILS_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_KERNEL_SELECT_COMMON_UTILS_H_ #include #include namespace mindspore { @@ -27,4 +27,4 @@ using SupportFormatItem = std::vector; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_TBE_COMMON_UTILS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_COMMON_UTILS_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_select/tbe_kernel_broadcast_selecter.h b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_select/tbe_kernel_broadcast_selecter.h index 4685df67248..fb5f1f554b8 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_select/tbe_kernel_broadcast_selecter.h +++ b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_select/tbe_kernel_broadcast_selecter.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_TBE_KERNEL_BROADCAST_SELECTER_H_ -#define MINDSPORE_CCSRC_KERNEL_TBE_KERNEL_BROADCAST_SELECTER_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_KERNEL_BROADCAST_SELECTER_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_KERNEL_BROADCAST_SELECTER_H_ #include #include diff --git a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_select/tbe_kernel_reduce_selecter.h b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_select/tbe_kernel_reduce_selecter.h index 196bb7b06a7..48b3e3a3f1c 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_select/tbe_kernel_reduce_selecter.h +++ b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_kernel_select/tbe_kernel_reduce_selecter.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_TBE_KERNEL_REDUCE_SELECTER_H_ -#define MINDSPORE_CCSRC_KERNEL_TBE_KERNEL_REDUCE_SELECTER_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_KERNEL_REDUCE_SELECTER_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_KERNEL_REDUCE_SELECTER_H_ #include #include #include diff --git a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_python_funcs.h b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_python_funcs.h index 4e1746475c5..f868fa2d631 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_python_funcs.h +++ b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_python_funcs.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_TBE_TBE_PYTHON_FUNCS_H_ -#define MINDSPORE_CCSRC_KERNEL_TBE_TBE_PYTHON_FUNCS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_PYTHON_FUNCS_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_PYTHON_FUNCS_H_ #include #include @@ -42,4 +42,4 @@ class TbePythonFuncs { }; } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_TBE_TBE_PYTHON_FUNCS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_PYTHON_FUNCS_H_ diff --git a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_utils.h b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_utils.h index 39ddaaa73d6..7d3f639b5eb 100644 --- a/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_utils.h +++ b/mindspore/ccsrc/backend/kernel_compiler/tbe/tbe_utils.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_KERNEL_TBE_TBE_UTILS_H_ -#define MINDSPORE_CCSRC_KERNEL_TBE_TBE_UTILS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_UTILS_H_ +#define MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_UTILS_H_ #include #include #include @@ -83,4 +83,4 @@ class KernelMeta { } // namespace kernel } // namespace mindspore -#endif // MINDSPORE_CCSRC_KERNEL_TBE_TBE_UTILS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_KERNEL_COMPILER_TBE_TBE_UTILS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ascend_backend_optimization.h b/mindspore/ccsrc/backend/optimizer/ascend/ascend_backend_optimization.h index 8194ab467b3..a25c8e0e5c6 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ascend_backend_optimization.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ascend_backend_optimization.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ASCEND_BACKEND_OPTIMIZATION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ASCEND_BACKEND_OPTIMIZATION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ASCEND_BACKEND_OPTIMIZATION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ASCEND_BACKEND_OPTIMIZATION_H_ #include #include "backend/session/kernel_graph.h" namespace mindspore { @@ -35,4 +35,4 @@ void AscendBackendUBFusionOptimization(const std::shared_ptr #include @@ -106,4 +106,4 @@ CNodePtr InsertCastForInput(const FuncGraphPtr &func_graph, const CNodePtr &cnod AnfNodePtr CreateMemcpyAsyncOp(const FuncGraphPtr &graph, const AnfNodePtr &node); } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ASCEND_HELPER_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ASCEND_HELPER_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/bnupdate_eltwise_eltwise_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/bnupdate_eltwise_eltwise_fusion_pass.h index dfc45b4688e..a3b2853755f 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/bnupdate_eltwise_eltwise_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/bnupdate_eltwise_eltwise_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_BNUPDATE_ELTWISE_ELTWISE_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_BNUPDATE_ELTWISE_ELTWISE_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_BNUPDATE_ELTWISE_ELTWISE_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_BNUPDATE_ELTWISE_ELTWISE_FUSION_PASS_H_ #include #include @@ -45,4 +45,4 @@ class BnupdateEltwiseEltwiseFusionPass : public FusionBasePass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_BNUPDATE_ELTWISE_ELTWISE_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_BNUPDATE_ELTWISE_ELTWISE_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/bnupdate_eltwise_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/bnupdate_eltwise_fusion_pass.h index abaf264d2e3..9ca88959de7 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/bnupdate_eltwise_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/bnupdate_eltwise_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_BNUPDATE_ELTWISE_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_BNUPDATE_ELTWISE_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_BNUPDATE_ELTWISE_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_BNUPDATE_ELTWISE_FUSION_PASS_H_ #include #include @@ -45,4 +45,4 @@ class BnupdateEltwiseFusionPass : public FusionBasePass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_BNUPDATE_ELTWISE_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_BNUPDATE_ELTWISE_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv2dbackprop_eltwise_eltwise_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv2dbackprop_eltwise_eltwise_fusion_pass.h index 6bf74d52681..a70ff91ba5d 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv2dbackprop_eltwise_eltwise_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv2dbackprop_eltwise_eltwise_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_CONV2DBACKPROP_ELTWISE_ELTWISE_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_CONV2DBACKPROP_ELTWISE_ELTWISE_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_CONV2DBACKPROP_ELTWISE_ELTWISE_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_CONV2DBACKPROP_ELTWISE_ELTWISE_FUSION_PASS_H_ #include #include @@ -44,4 +44,4 @@ class Conv2DBackpropEltwiseEltwiseFusionPass : public FusionBasePass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_CONV2DBACKPROP_ELTWISE_ELTWISE_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_CONV2DBACKPROP_ELTWISE_ELTWISE_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv2dbackprop_eltwise_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv2dbackprop_eltwise_fusion_pass.h index 93aa324566c..a1037621a9f 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv2dbackprop_eltwise_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv2dbackprop_eltwise_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_CONV2DBACKPROP_ELTWISE_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_CONV2DBACKPROP_ELTWISE_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_CONV2DBACKPROP_ELTWISE_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_CONV2DBACKPROP_ELTWISE_FUSION_PASS_H_ #include #include @@ -44,4 +44,4 @@ class Conv2DBackpropEltwiseFusionPass : public FusionBasePass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_CONV2DBACKPROP_ELTWISE_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_CONV2DBACKPROP_ELTWISE_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv_bnreduce_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv_bnreduce_fusion_pass.h index 224422530b3..f0a93a0b0a4 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv_bnreduce_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv_bnreduce_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_CONV_BNREDUCE_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_CONV_BNREDUCE_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_CONV_BNREDUCE_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_CONV_BNREDUCE_FUSION_PASS_H_ #include #include @@ -45,4 +45,4 @@ class ConvBnReduceFusionPass : public FusionBasePass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_CONV_BNREDUCE_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_CONV_BNREDUCE_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv_double_in_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv_double_in_fusion_pass.h index 911cf744de1..dbeae261701 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv_double_in_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv_double_in_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_CONV_DOUBLE_IN_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_CONV_DOUBLE_IN_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_CONV_DOUBLE_IN_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_CONV_DOUBLE_IN_FUSION_PASS_H_ #include #include @@ -44,4 +44,4 @@ class ConvDoubleInFusionPass : public FusionBasePass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_CONV_DOUBLE_IN_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_CONV_DOUBLE_IN_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv_single_in_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv_single_in_fusion_pass.h index 6dddd600c23..202ddb0a7a6 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv_single_in_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/conv_single_in_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_CONV_SINGLE_IN_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_CONV_SINGLE_IN_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_CONV_SINGLE_IN_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_CONV_SINGLE_IN_FUSION_PASS_H_ #include #include @@ -45,4 +45,4 @@ class ConvSingleInFusionPass : public FusionBasePass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_CONV_SINGLE_IN_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_CONV_SINGLE_IN_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/depthwiseconv_eltwise_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/depthwiseconv_eltwise_fusion_pass.h index 6746dad9842..43652f6057b 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/depthwiseconv_eltwise_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/depthwiseconv_eltwise_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_DEPTHWISECONV_ELTWISE_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_DEPTHWISECONV_ELTWISE_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_DEPTHWISECONV_ELTWISE_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_DEPTHWISECONV_ELTWISE_FUSION_PASS_H_ #include #include @@ -45,4 +45,4 @@ class DepthwiseConvEltwiseFusionPass : public FusionBasePass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_DEPTHWISECONV_ELTWISE_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_DEPTHWISECONV_ELTWISE_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/eltwise_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/eltwise_fusion_pass.h index ae636876315..ea126594eb6 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/eltwise_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/eltwise_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_ELTWISE_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_ELTWISE_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_ELTWISE_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_ELTWISE_FUSION_PASS_H_ #include #include @@ -43,4 +43,4 @@ class EltwiseFusionPass : public FusionBasePass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_ELTWISE_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_ELTWISE_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/fusion_base_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/fusion_base_pass.h index dced2c2fa2a..024ce416e30 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/fusion_base_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/fusion_base_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_FUSION_BASE_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_FUSION_BASE_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_FUSION_BASE_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_FUSION_BASE_PASS_H_ #include #include #include @@ -68,4 +68,4 @@ class FusionBasePass : public Pass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_FUSION_BASE_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_FUSION_BASE_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/matmul_eltwise_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/matmul_eltwise_fusion_pass.h index e0d08bb58dc..9ca2a003952 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/matmul_eltwise_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/matmul_eltwise_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_MATMUL_ELTWISE_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_MATMUL_ELTWISE_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_MATMUL_ELTWISE_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_MATMUL_ELTWISE_FUSION_PASS_H_ #include #include @@ -45,4 +45,4 @@ class MatmulEltwiseFusionPass : public FusionBasePass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_MATMUL_ELTWISE_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_MATMUL_ELTWISE_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/multi_output_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/multi_output_fusion_pass.h index 40a45360a1c..34533684f22 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/multi_output_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/multi_output_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_MULTI_OUTPUT_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_MULTI_OUTPUT_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_MULTI_OUTPUT_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_MULTI_OUTPUT_FUSION_PASS_H_ #include #include @@ -45,4 +45,4 @@ class MultiOutputFusionPass : public FusionBasePass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_PASS_MULTI_OUTPUT_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_PASS_MULTI_OUTPUT_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/reduce_eltwise_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/reduce_eltwise_fusion_pass.h index 4d56eee7b33..f238f425f56 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/reduce_eltwise_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/reduce_eltwise_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_REDUCE_ELTWISE_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_REDUCE_ELTWISE_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_REDUCE_ELTWISE_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_REDUCE_ELTWISE_FUSION_PASS_H_ #include #include @@ -45,4 +45,4 @@ class ReduceEltwiseFusionPass : public FusionBasePass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_REDUCE_ELTWSIE_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_REDUCE_ELTWSIE_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/segment_eltwise_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/segment_eltwise_fusion_pass.h index f3b97f83572..011f1349966 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/segment_eltwise_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/segment_eltwise_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_SEGMENT_ELTWISE_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_SEGMENT_ELTWISE_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_SEGMENT_ELTWISE_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_SEGMENT_ELTWISE_FUSION_PASS_H_ #include #include @@ -45,4 +45,4 @@ class SegmentEltwiseFusionPass : public FusionBasePass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_SEGMENT_ELTWSIE_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_SEGMENT_ELTWSIE_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/stridedread_conv_stridedwrite_fusion_pass.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/stridedread_conv_stridedwrite_fusion_pass.h index 371c2063999..419e7012742 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/stridedread_conv_stridedwrite_fusion_pass.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/stridedread_conv_stridedwrite_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_STRIDEDREAD_CONV_STRIDEDWRITE_FUSION_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_STRIDEDREAD_CONV_STRIDEDWRITE_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_STRIDEDREAD_CONV_STRIDEDWRITE_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_STRIDEDREAD_CONV_STRIDEDWRITE_FUSION_PASS_H_ #include #include @@ -45,4 +45,4 @@ class StridedReadConvStridedWriteFusionPass : public FusionBasePass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_STRIDEDREAD_CONV_STRIDEDWRITE_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_STRIDEDREAD_CONV_STRIDEDWRITE_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/ub_pattern_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/ub_pattern_fusion.h index 69eb0f43d4e..b507a527b43 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/ub_pattern_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/buffer_fusion/ub_pattern_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_UB_PATTERN_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_UB_PATTERN_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_UB_PATTERN_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_UB_PATTERN_FUSION_H_ #include #include #include @@ -47,4 +47,4 @@ class UbPatternFusion : public Pass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_BUFFER_FUSION_UB_PATTERN_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_BUFFER_FUSION_UB_PATTERN_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/enhancer/getnext_memcpy_elimination.h b/mindspore/ccsrc/backend/optimizer/ascend/enhancer/getnext_memcpy_elimination.h index 365088b34a8..eef34ff2387 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/enhancer/getnext_memcpy_elimination.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/enhancer/getnext_memcpy_elimination.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ENHANCER_GETNEXT_MEMCPY_ELIMINATION_H -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ENHANCER_GETNEXT_MEMCPY_ELIMINATION_H +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ENHANCER_GETNEXT_MEMCPY_ELIMINATION_H +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ENHANCER_GETNEXT_MEMCPY_ELIMINATION_H #include "backend/optimizer/common/optimizer.h" @@ -30,4 +30,4 @@ class GetnextMemcpyElimination : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ENHANCER_GETNEXT_MEMCPY_ELIMINATION_H +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ENHANCER_GETNEXT_MEMCPY_ELIMINATION_H diff --git a/mindspore/ccsrc/backend/optimizer/ascend/enhancer/insert_memcpy_async_for_getnext.h b/mindspore/ccsrc/backend/optimizer/ascend/enhancer/insert_memcpy_async_for_getnext.h index 6fefc322300..bd4c4063105 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/enhancer/insert_memcpy_async_for_getnext.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/enhancer/insert_memcpy_async_for_getnext.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ENHANCER_INSERT_MEMCPY_ASYNC_FOR_GETNEXT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ENHANCER_INSERT_MEMCPY_ASYNC_FOR_GETNEXT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ENHANCER_INSERT_MEMCPY_ASYNC_FOR_GETNEXT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ENHANCER_INSERT_MEMCPY_ASYNC_FOR_GETNEXT_H_ #include "backend/optimizer/common/optimizer.h" @@ -32,4 +32,4 @@ class InsertMemcpyAsyncForGetNext : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ENHANCER_INSERT_MEMCPY_ASYNC_FOR_GETNEXT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ENHANCER_INSERT_MEMCPY_ASYNC_FOR_GETNEXT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/enhancer/insert_memcpy_async_for_hccl_op.h b/mindspore/ccsrc/backend/optimizer/ascend/enhancer/insert_memcpy_async_for_hccl_op.h index 7bd730a84d5..35e5f1b822d 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/enhancer/insert_memcpy_async_for_hccl_op.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/enhancer/insert_memcpy_async_for_hccl_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ENHANCER_INSERT_MEMCPY_ASYNC_FOR_HCCL_OP_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ENHANCER_INSERT_MEMCPY_ASYNC_FOR_HCCL_OP_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ENHANCER_INSERT_MEMCPY_ASYNC_FOR_HCCL_OP_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ENHANCER_INSERT_MEMCPY_ASYNC_FOR_HCCL_OP_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -37,4 +37,4 @@ class InsertMemcpyAsyncForHcclOp : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ENHANCER_INSERT_MEMCPY_ASYNC_FOR_HCCL_OP_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ENHANCER_INSERT_MEMCPY_ASYNC_FOR_HCCL_OP_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/enhancer/insert_pad_for_nms_with_mask.h b/mindspore/ccsrc/backend/optimizer/ascend/enhancer/insert_pad_for_nms_with_mask.h index 6aed678ff2a..dadf1f13841 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/enhancer/insert_pad_for_nms_with_mask.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/enhancer/insert_pad_for_nms_with_mask.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ENHANCER_INSERT_PAD_FOR_NMS_WITH_MASK_H -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ENHANCER_INSERT_PAD_FOR_NMS_WITH_MASK_H +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ENHANCER_INSERT_PAD_FOR_NMS_WITH_MASK_H +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ENHANCER_INSERT_PAD_FOR_NMS_WITH_MASK_H #include "backend/optimizer/common/optimizer.h" #include "backend/optimizer/common/pass.h" @@ -32,4 +32,4 @@ class InsertPadForNMSWithMask : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_ENHANCER_INSERT_PAD_FOR_NMS_WITH_MASK_H +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_ENHANCER_INSERT_PAD_FOR_NMS_WITH_MASK_H diff --git a/mindspore/ccsrc/backend/optimizer/ascend/format_type/chang_axis_of_reduce_kernel.h b/mindspore/ccsrc/backend/optimizer/ascend/format_type/chang_axis_of_reduce_kernel.h index 6bf1287ae7f..4be8d3faf6e 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/format_type/chang_axis_of_reduce_kernel.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/format_type/chang_axis_of_reduce_kernel.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_CHANGE_AXIS_OF_REDUCE_KENRNEL_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_CHANGE_AXIS_OF_REDUCE_KENRNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_CHANGE_AXIS_OF_REDUCE_KENRNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_CHANGE_AXIS_OF_REDUCE_KENRNEL_H_ #include "backend/optimizer/common/optimizer.h" @@ -30,4 +30,4 @@ class ChangeAxisOfReduceKernel : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_CHANGE_AXIS_OF_REDUCE_KENRNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_CHANGE_AXIS_OF_REDUCE_KENRNEL_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/format_type/check_consistency.h b/mindspore/ccsrc/backend/optimizer/ascend/format_type/check_consistency.h index bf956895de3..ab016757a8e 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/format_type/check_consistency.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/format_type/check_consistency.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_CHECK_CONSISTENCY_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_CHECK_CONSISTENCY_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_CHECK_CONSISTENCY_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_CHECK_CONSISTENCY_H_ #include "backend/optimizer/common/optimizer.h" @@ -29,4 +29,4 @@ class CheckConsistency : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_CHECK_CONSISTENCY_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_CHECK_CONSISTENCY_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/format_type/deal_ref_trans_and_cast.h b/mindspore/ccsrc/backend/optimizer/ascend/format_type/deal_ref_trans_and_cast.h index cb3b13dc496..da85844db8d 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/format_type/deal_ref_trans_and_cast.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/format_type/deal_ref_trans_and_cast.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_DEAL_REF_TRANS_AND_CAST_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_DEAL_REF_TRANS_AND_CAST_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_DEAL_REF_TRANS_AND_CAST_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_DEAL_REF_TRANS_AND_CAST_H_ #include "ir/anf.h" #include "backend/optimizer/common/optimizer.h" @@ -33,4 +33,4 @@ class DealRefTransAndCast : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_DEAL_REF_TRANS_AND_CAST_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_DEAL_REF_TRANS_AND_CAST_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/format_type/insert_cast.h b/mindspore/ccsrc/backend/optimizer/ascend/format_type/insert_cast.h index 19c282aac9b..c628ee7c089 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/format_type/insert_cast.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/format_type/insert_cast.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_INSERT_CAST_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_INSERT_CAST_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_INSERT_CAST_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_INSERT_CAST_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -33,4 +33,4 @@ class InsertCast : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_INSERT_CAST_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_INSERT_CAST_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/format_type/insert_trans_op.h b/mindspore/ccsrc/backend/optimizer/ascend/format_type/insert_trans_op.h index 0b213753270..284988642fd 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/format_type/insert_trans_op.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/format_type/insert_trans_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_INSERT_TRANS_OP_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_INSERT_TRANS_OP_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_INSERT_TRANS_OP_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_INSERT_TRANS_OP_H_ #include #include @@ -40,4 +40,4 @@ class InsertTransOp : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_INSERT_TRANS_OP_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_INSERT_TRANS_OP_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/format_type/insert_transdata_for_runop.h b/mindspore/ccsrc/backend/optimizer/ascend/format_type/insert_transdata_for_runop.h index 82ff5f2b9a9..67b8f823c9d 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/format_type/insert_transdata_for_runop.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/format_type/insert_transdata_for_runop.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_INSERT_TRANSDATA_FOR_RUNOP_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_INSERT_TRANSDATA_FOR_RUNOP_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_INSERT_TRANSDATA_FOR_RUNOP_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_INSERT_TRANSDATA_FOR_RUNOP_H_ #include #include @@ -41,4 +41,4 @@ class RunOpInsertTransData : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_INSERT_TRANSDATA_FOR_RUNOP_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_INSERT_TRANSDATA_FOR_RUNOP_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/format_type/merge_cast_to_op.h b/mindspore/ccsrc/backend/optimizer/ascend/format_type/merge_cast_to_op.h index d0e467b7a3a..e0c4cd3cfff 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/format_type/merge_cast_to_op.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/format_type/merge_cast_to_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_MERGE_CAST_TO_OP_H -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_MERGE_CAST_TO_OP_H +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_MERGE_CAST_TO_OP_H +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_MERGE_CAST_TO_OP_H #include #include "backend/optimizer/common/optimizer.h" @@ -37,4 +37,4 @@ class MergeCastToOp : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_MERGE_CAST_TO_OP_H +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_MERGE_CAST_TO_OP_H diff --git a/mindspore/ccsrc/backend/optimizer/ascend/format_type/modify_ops_attrs.h b/mindspore/ccsrc/backend/optimizer/ascend/format_type/modify_ops_attrs.h index f5608db05ad..7a1473b3abe 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/format_type/modify_ops_attrs.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/format_type/modify_ops_attrs.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_MODIFY_OPS_ATTRS_H -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_MODIFY_OPS_ATTRS_H +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_MODIFY_OPS_ATTRS_H +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_MODIFY_OPS_ATTRS_H #include "backend/optimizer/common/optimizer.h" @@ -30,4 +30,4 @@ class ModifyOpAttrs : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_MODIFY_OPS_ATTRS_H +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_MODIFY_OPS_ATTRS_H diff --git a/mindspore/ccsrc/backend/optimizer/ascend/format_type/rectify_do_mask_kernel_info.h b/mindspore/ccsrc/backend/optimizer/ascend/format_type/rectify_do_mask_kernel_info.h index cc9333a0130..e2b55ae75e1 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/format_type/rectify_do_mask_kernel_info.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/format_type/rectify_do_mask_kernel_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_RECTIFY_DO_MASK_KERNEL_INFO_H -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_RECTIFY_DO_MASK_KERNEL_INFO_H +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_RECTIFY_DO_MASK_KERNEL_INFO_H +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_RECTIFY_DO_MASK_KERNEL_INFO_H #include #include #include @@ -44,4 +44,4 @@ class RectifyDoMaskKernelInfo : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_RECTIFY_DO_MASK_KERNEL_INFO_H +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_RECTIFY_DO_MASK_KERNEL_INFO_H diff --git a/mindspore/ccsrc/backend/optimizer/ascend/format_type/remove_internal_output.h b/mindspore/ccsrc/backend/optimizer/ascend/format_type/remove_internal_output.h index 6fa9b7421c3..0af2482ea25 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/format_type/remove_internal_output.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/format_type/remove_internal_output.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_REMOVE_INTERNAL_OUTPUT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_REMOVE_INTERNAL_OUTPUT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_REMOVE_INTERNAL_OUTPUT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_REMOVE_INTERNAL_OUTPUT_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -48,4 +48,4 @@ class RemoveInternalOutputCast : public RemoveInternalOutput { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_REMOVE_INTERNAL_OUTPUT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_REMOVE_INTERNAL_OUTPUT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/format_type/remove_no_use_reshape_op.h b/mindspore/ccsrc/backend/optimizer/ascend/format_type/remove_no_use_reshape_op.h index 135f11f52c8..fb1f45ad61d 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/format_type/remove_no_use_reshape_op.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/format_type/remove_no_use_reshape_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_REMOVE_NO_USE_RESHAPE_OP_H -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_REMOVE_NO_USE_RESHAPE_OP_H +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_REMOVE_NO_USE_RESHAPE_OP_H +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_REMOVE_NO_USE_RESHAPE_OP_H #include "backend/optimizer/common/optimizer.h" @@ -30,4 +30,4 @@ class RemoveNoUseReshapeOp : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_FORMAT_TYPE_REMOVE_NO_USE_RESHAPE_OP_H +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_FORMAT_TYPE_REMOVE_NO_USE_RESHAPE_OP_H diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/addn_fission.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/addn_fission.h index e04cdfdf7b6..9df122f1d04 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/addn_fission.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/addn_fission.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_ADDN_FISSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_ADDN_FISSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_ADDN_FISSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_ADDN_FISSION_H_ #include "backend/optimizer/common/optimizer.h" @@ -34,4 +34,4 @@ class AddnFission : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_ADDN_FISSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_ADDN_FISSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/batch_norm_bert_fission.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/batch_norm_bert_fission.h index 23f0e56035e..0bc29376d0a 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/batch_norm_bert_fission.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/batch_norm_bert_fission.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BATCH_NORM_BERT_FISSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BATCH_NORM_BERT_FISSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BATCH_NORM_BERT_FISSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BATCH_NORM_BERT_FISSION_H_ #include "backend/optimizer/common/optimizer.h" @@ -29,4 +29,4 @@ class BatchNormBertFission : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BATCH_NORM_BERT_FISSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BATCH_NORM_BERT_FISSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/batch_norm_grad_infer_fission.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/batch_norm_grad_infer_fission.h index 97100de2849..8180bf2cd78 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/batch_norm_grad_infer_fission.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/batch_norm_grad_infer_fission.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BATCH_NORM_GRAD_INFER_FISSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BATCH_NORM_GRAD_INFER_FISSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BATCH_NORM_GRAD_INFER_FISSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BATCH_NORM_GRAD_INFER_FISSION_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -47,4 +47,4 @@ class BatchNormGradInferFission : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BATCH_NORM_GRAD_INFER_FISSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BATCH_NORM_GRAD_INFER_FISSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/batch_norm_grad_split.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/batch_norm_grad_split.h index e5378d83326..d217a82fe69 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/batch_norm_grad_split.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/batch_norm_grad_split.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BATCH_NORM_GRAD_SPLIT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BATCH_NORM_GRAD_SPLIT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BATCH_NORM_GRAD_SPLIT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BATCH_NORM_GRAD_SPLIT_H_ #include "backend/optimizer/common/optimizer.h" #include "backend/optimizer/common/helper.h" @@ -30,4 +30,4 @@ class BatchNormGradSplit : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BATCH_NORM_GRAD_SPLIT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BATCH_NORM_GRAD_SPLIT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/bn_grad_split.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/bn_grad_split.h index 6fe78d47246..2e5b512dd16 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/bn_grad_split.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/bn_grad_split.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BN_GRAD_SPLIT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BN_GRAD_SPLIT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BN_GRAD_SPLIT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BN_GRAD_SPLIT_H_ #include "backend/optimizer/common/optimizer.h" #include "backend/optimizer/common/helper.h" @@ -30,4 +30,4 @@ class BnGradSplit : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BN_GRAD_SPLIT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BN_GRAD_SPLIT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/bn_split.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/bn_split.h index 4340ba0af6d..d14d1357a68 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/bn_split.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/bn_split.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BN_SPLIT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BN_SPLIT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BN_SPLIT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BN_SPLIT_H_ #include "backend/optimizer/common/optimizer.h" #include "backend/optimizer/common/helper.h" @@ -30,4 +30,4 @@ class BnSplit : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_BN_SPLIT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_BN_SPLIT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/concat_fission.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/concat_fission.h index a2a8d413b5c..21f652b5aff 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/concat_fission.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/concat_fission.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_CONCAT_FISSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_CONCAT_FISSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_CONCAT_FISSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_CONCAT_FISSION_H_ #include "backend/optimizer/common/optimizer.h" @@ -34,4 +34,4 @@ class ConcatFission : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_CONCAT_FISSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_CONCAT_FISSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/lars_v2_fission.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/lars_v2_fission.h index 3a165f2b297..eca5e56897a 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/lars_v2_fission.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/lars_v2_fission.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_LARS_V2_FISSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_LARS_V2_FISSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_LARS_V2_FISSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_LARS_V2_FISSION_H_ #include "backend/optimizer/common/optimizer.h" @@ -29,4 +29,4 @@ class LarsV2Fission : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_LARS_V2_FISSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_LARS_V2_FISSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/layer_norm_grad_split.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/layer_norm_grad_split.h index c1501b15933..a8f6c418c37 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/layer_norm_grad_split.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/layer_norm_grad_split.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_LAYER_NORM_GRAD_SPLIT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_LAYER_NORM_GRAD_SPLIT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_LAYER_NORM_GRAD_SPLIT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_LAYER_NORM_GRAD_SPLIT_H_ #include #include @@ -39,4 +39,4 @@ class LayerNormGradSplit : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_LAYER_NORM_GRAD_SPLIT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_LAYER_NORM_GRAD_SPLIT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/pack_fission.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/pack_fission.h index 85504621cf9..c11c98698d9 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/pack_fission.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/pack_fission.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_PACK_FISSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_PACK_FISSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_PACK_FISSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_PACK_FISSION_H_ #include "backend/optimizer/common/optimizer.h" @@ -34,4 +34,4 @@ class PackFission : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_PACK_FISSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_PACK_FISSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/single_batch_norm_fission.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/single_batch_norm_fission.h index fb641c12d62..94d352bc1ae 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/single_batch_norm_fission.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/single_batch_norm_fission.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_SINGLE_BATCH_NORM_FISSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_SINGLE_BATCH_NORM_FISSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_SINGLE_BATCH_NORM_FISSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_SINGLE_BATCH_NORM_FISSION_H_ #include "backend/optimizer/common/optimizer.h" @@ -30,4 +30,4 @@ class SingleBatchNormFission : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_SINGLE_BATCH_NORM_FISSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_SINGLE_BATCH_NORM_FISSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/split_fission.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/split_fission.h index 6428a21e730..ce12031a944 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/split_fission.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/split_fission.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_SPLIT_FISSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_SPLIT_FISSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_SPLIT_FISSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_SPLIT_FISSION_H_ #include "backend/optimizer/common/optimizer.h" @@ -34,4 +34,4 @@ class SplitFission : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_SPLIT_FISSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_SPLIT_FISSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/topk_split.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/topk_split.h index e005a83a2f7..cda8d503419 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/topk_split.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/topk_split.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_TOPK_SPLIT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_TOPK_SPLIT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_TOPK_SPLIT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_TOPK_SPLIT_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -35,4 +35,4 @@ class TopKSplit : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_TOPK_SPLIT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_TOPK_SPLIT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/transdata_split.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/transdata_split.h index bc681944c3c..cde03f68f4d 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/transdata_split.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fission/transdata_split.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_TRANSDATA_SPLIT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_TRANSDATA_SPLIT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_TRANSDATA_SPLIT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_TRANSDATA_SPLIT_H_ #include #include #include @@ -42,4 +42,4 @@ class TransDataSplit : public Pass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FISSION_TRANSDATA_SPLIT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FISSION_TRANSDATA_SPLIT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/adam_apply_one_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/adam_apply_one_fusion.h index 683a345cdbc..2fe2d32fa09 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/adam_apply_one_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/adam_apply_one_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_ADAM_APPLY_ONE_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_ADAM_APPLY_ONE_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_ADAM_APPLY_ONE_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_ADAM_APPLY_ONE_FUSION_H_ #include #include @@ -92,4 +92,4 @@ class AdamApplyOneCond4Fusion : public AdamApplyOneFusion { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_ADAM_APPLY_ONE_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_ADAM_APPLY_ONE_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/adam_apply_one_with_decay_rule.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/adam_apply_one_with_decay_rule.h index 2d599a8cc95..98bc63a6f1a 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/adam_apply_one_with_decay_rule.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/adam_apply_one_with_decay_rule.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_ADAM_APPLY_ONE_WITH_DECAY_RULE_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_ADAM_APPLY_ONE_WITH_DECAY_RULE_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_ADAM_APPLY_ONE_WITH_DECAY_RULE_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_ADAM_APPLY_ONE_WITH_DECAY_RULE_H_ #include #include @@ -108,4 +108,4 @@ class AdamApplyOneWithDecayRuleCond5 : public AdamApplyOneWithDecayRule { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_ADAM_APPLY_ONE_WITH_DECAY_RULE_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_ADAM_APPLY_ONE_WITH_DECAY_RULE_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/add_input_to_output.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/add_input_to_output.h index 6e5560bfb0f..3eb2755a550 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/add_input_to_output.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/add_input_to_output.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_ADD_INPUT_TO_OUTPUT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_ADD_INPUT_TO_OUTPUT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_ADD_INPUT_TO_OUTPUT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_ADD_INPUT_TO_OUTPUT_H_ #include #include @@ -36,4 +36,4 @@ class AddInputToOutput : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_ADD_INPUT_TO_OUTPUT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_ADD_INPUT_TO_OUTPUT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/batchnorm_to_bninfer.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/batchnorm_to_bninfer.h index 46872aa959c..f6c69e1a830 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/batchnorm_to_bninfer.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/batchnorm_to_bninfer.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_BATCHNORM_TO_BNINFER_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_BATCHNORM_TO_BNINFER_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_BATCHNORM_TO_BNINFER_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_BATCHNORM_TO_BNINFER_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -30,4 +30,4 @@ class BatchNorm2BNInfer : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_BATCHNORM_TO_BNINFER_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_BATCHNORM_TO_BNINFER_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/batchnormgrad_to_bninfergrad.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/batchnormgrad_to_bninfergrad.h index 0676f8a040c..79188c72eeb 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/batchnormgrad_to_bninfergrad.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/batchnormgrad_to_bninfergrad.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_BATCHNORMGRAD_TO_BNINFERGRAD_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_BATCHNORMGRAD_TO_BNINFERGRAD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_BATCHNORMGRAD_TO_BNINFERGRAD_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_BATCHNORMGRAD_TO_BNINFERGRAD_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -31,4 +31,4 @@ class BatchNormGrad2BNInferGrad : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_BATCHNORMGRAD_TO_BNINFERGRAD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_BATCHNORMGRAD_TO_BNINFERGRAD_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/clip_by_norm_no_div_square_sum_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/clip_by_norm_no_div_square_sum_fusion.h index 9282b75527a..5584cd7fdcc 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/clip_by_norm_no_div_square_sum_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/clip_by_norm_no_div_square_sum_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_CLIP_BY_NORM_NO_DIV_SQUARE_SUM_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_CLIP_BY_NORM_NO_DIV_SQUARE_SUM_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_CLIP_BY_NORM_NO_DIV_SQUARE_SUM_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_CLIP_BY_NORM_NO_DIV_SQUARE_SUM_H_ #include #include @@ -48,4 +48,4 @@ class ClipByNormNoDivSquareSumFusion : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_CLIP_BY_NORM_NO_DIV_SQUARE_SUM_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_CLIP_BY_NORM_NO_DIV_SQUARE_SUM_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/clip_by_value_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/clip_by_value_fusion.h index 05bf713bdd4..c78542bf542 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/clip_by_value_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/clip_by_value_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_CLIP_BY_VALUE_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_CLIP_BY_VALUE_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_CLIP_BY_VALUE_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_CLIP_BY_VALUE_FUSION_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -37,4 +37,4 @@ class ClipByValueFusion : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_CLIP_BY_VALUE_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_CLIP_BY_VALUE_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/confusion_mul_grad_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/confusion_mul_grad_fusion.h index 932f0d28902..930198f36cd 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/confusion_mul_grad_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/confusion_mul_grad_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_CONFUSION_MUL_GRAD_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_CONFUSION_MUL_GRAD_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_CONFUSION_MUL_GRAD_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_CONFUSION_MUL_GRAD_FUSION_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -38,4 +38,4 @@ class ConfusionMulGradFusion : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_CONFUSION_MUL_GRAD_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_CONFUSION_MUL_GRAD_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/confusion_softmax_grad_rule.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/confusion_softmax_grad_rule.h index e3a86e22c9a..1954dd66b10 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/confusion_softmax_grad_rule.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/confusion_softmax_grad_rule.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_CONFUSION_SOFTMAX_GRAD_RULE_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_CONFUSION_SOFTMAX_GRAD_RULE_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_CONFUSION_SOFTMAX_GRAD_RULE_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_CONFUSION_SOFTMAX_GRAD_RULE_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -40,4 +40,4 @@ class ConfusionSoftmaxGradRule : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_CONFUSION_SOFTMAX_GRAD_RULE_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_CONFUSION_SOFTMAX_GRAD_RULE_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/derelu_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/derelu_fusion.h index 7506960ecbb..7a831fcf3f0 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/derelu_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/derelu_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_DERELU_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_DERELU_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_DERELU_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_DERELU_FUSION_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -30,4 +30,4 @@ class DereluFusion : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_DERELU_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_DERELU_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/fused_batch_norm_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/fused_batch_norm_fusion.h index b3bbedc36e7..04cbed35f2b 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/fused_batch_norm_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/fused_batch_norm_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_FUSED_BATCH_NORM_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_FUSED_BATCH_NORM_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_FUSED_BATCH_NORM_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_FUSED_BATCH_NORM_FUSION_H_ #include #include @@ -80,4 +80,4 @@ class FusedBatchNormMixPrecisionFusion1 : public FusedBatchNormFusion { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_FUSED_BATCH_NORM_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_FUSED_BATCH_NORM_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/input_to_output_registry.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/input_to_output_registry.h index 45738c289c9..2a841655966 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/input_to_output_registry.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/input_to_output_registry.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_IR_FUSION_INPUT_TO_OUTPUT_REGISTRY_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_IR_FUSION_INPUT_TO_OUTPUT_REGISTRY_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_IR_FUSION_INPUT_TO_OUTPUT_REGISTRY_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_IR_FUSION_INPUT_TO_OUTPUT_REGISTRY_H_ #include #include #include @@ -61,4 +61,4 @@ class InputToOutputRegistry { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_IR_FUSION_INPUT_TO_OUTPUT_REGISTRY_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_IR_FUSION_INPUT_TO_OUTPUT_REGISTRY_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_mv_rule.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_mv_rule.h index d14ce6e3fef..36389dbb044 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_mv_rule.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_mv_rule.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_NEXT_MV_RULE_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_NEXT_MV_RULE_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_NEXT_MV_RULE_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_NEXT_MV_RULE_H_ #include #include @@ -125,4 +125,4 @@ class LambNextMVRuleCond4 : public LambNextMVRule { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_NEXT_MV_RULE_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_NEXT_MV_RULE_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_mv_with_decay_rule.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_mv_with_decay_rule.h index 23114c37eee..ca76d82678f 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_mv_with_decay_rule.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_mv_with_decay_rule.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_NEXT_MV_WITH_DECAY_RULE_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_NEXT_MV_WITH_DECAY_RULE_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_NEXT_MV_WITH_DECAY_RULE_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_NEXT_MV_WITH_DECAY_RULE_H_ #include #include @@ -107,4 +107,4 @@ class LambNextMVWithDecayRuleCond4 : public LambNextMVWithDecayRule { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_NEXT_MV_WITH_DECAY_RULE_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_NEXT_MV_WITH_DECAY_RULE_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_mv_with_decay_v1_rule.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_mv_with_decay_v1_rule.h index 58f05c37ba8..ff59e4005af 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_mv_with_decay_v1_rule.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_mv_with_decay_v1_rule.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_NEXT_MV_WITH_DECAY_V1_RULE_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_NEXT_MV_WITH_DECAY_V1_RULE_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_NEXT_MV_WITH_DECAY_V1_RULE_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_NEXT_MV_WITH_DECAY_V1_RULE_H_ #include #include @@ -65,4 +65,4 @@ class LambNextMVWithDecayV1Rule : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_NEXT_MV_WITH_DECAY_V1_RULE_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_NEXT_MV_WITH_DECAY_V1_RULE_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_right_rule.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_right_rule.h index 67687cc037e..e13cab3f7f3 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_right_rule.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_next_right_rule.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_NEXT_RIGHT_RULE_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_NEXT_RIGHT_RULE_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_NEXT_RIGHT_RULE_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_NEXT_RIGHT_RULE_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -51,4 +51,4 @@ class LambNextRightRule : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_NEXT_RIGHT_RULE_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_NEXT_RIGHT_RULE_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_update_with_lr_rule_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_update_with_lr_rule_fusion.h index 5ea01ccf659..db48a4a6b2c 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_update_with_lr_rule_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_update_with_lr_rule_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_UPDATE_WITH_LR_RULE_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_UPDATE_WITH_LR_RULE_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_UPDATE_WITH_LR_RULE_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_UPDATE_WITH_LR_RULE_FUSION_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -52,4 +52,4 @@ class LambUpdateWithLRRuleFusion : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_UPDATE_WITH_LR_RULE_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_UPDATE_WITH_LR_RULE_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_update_with_lr_v2.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_update_with_lr_v2.h index c5396178a5c..ece158974e3 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_update_with_lr_v2.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/lamb_update_with_lr_v2.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_UPDATE_WITH_LR_V2_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_UPDATE_WITH_LR_V2_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_UPDATE_WITH_LR_V2_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_UPDATE_WITH_LR_V2_H_ #include #include @@ -46,4 +46,4 @@ class LambUpdateWithLrV2 : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAMB_UPDATE_WITH_LR_V2_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAMB_UPDATE_WITH_LR_V2_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/layer_norm_beta_gamma_backprop_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/layer_norm_beta_gamma_backprop_fusion.h index 5bf16081433..a8414023cd3 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/layer_norm_beta_gamma_backprop_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/layer_norm_beta_gamma_backprop_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAYER_NORM_BETA_GAMMA_BACKPROP_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAYER_NORM_BETA_GAMMA_BACKPROP_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAYER_NORM_BETA_GAMMA_BACKPROP_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAYER_NORM_BETA_GAMMA_BACKPROP_FUSION_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -38,4 +38,4 @@ class LayerNormBetaGammaBackpropFusion : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_LAYER_NORM_BETA_GAMMA_BACKPROP_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_LAYER_NORM_BETA_GAMMA_BACKPROP_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/matmul_biasadd_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/matmul_biasadd_fusion.h index 8c762435a95..a2f9e8b0ffa 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/matmul_biasadd_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/matmul_biasadd_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_MATMUL_BIASADD_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_MATMUL_BIASADD_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_MATMUL_BIASADD_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_MATMUL_BIASADD_FUSION_H_ #include "backend/optimizer/common/optimizer.h" @@ -31,4 +31,4 @@ class MatmulBiasaddFusion : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_MATMUL_BIASADD_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_MATMUL_BIASADD_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/momentum_lossscale_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/momentum_lossscale_fusion.h index 8d36684a118..0625e00f724 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/momentum_lossscale_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/momentum_lossscale_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_MOMENTUM_LOSSSCALE_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_MOMENTUM_LOSSSCALE_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_MOMENTUM_LOSSSCALE_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_MOMENTUM_LOSSSCALE_FUSION_H_ #include "backend/optimizer/common/optimizer.h" @@ -31,4 +31,4 @@ class MomentumLossscaleFusion : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_MOMENTUM_LOSSSCALE_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_MOMENTUM_LOSSSCALE_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/mul_add_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/mul_add_fusion.h index 0ad13e10e6e..aca5049249b 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/mul_add_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/mul_add_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_MUL_ADD_FUSION_H -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_MUL_ADD_FUSION_H +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_MUL_ADD_FUSION_H +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_MUL_ADD_FUSION_H #include "backend/optimizer/common/optimizer.h" @@ -29,4 +29,4 @@ class MulAddFusion : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_MUL_ADD_FUSION_H +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_MUL_ADD_FUSION_H diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/mul_addn_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/mul_addn_fusion.h index 484cb75237f..f954dbd14d5 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/mul_addn_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/mul_addn_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_PASS_MUL_ADDN_FUSION_H -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_PASS_MUL_ADDN_FUSION_H +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_PASS_MUL_ADDN_FUSION_H +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_PASS_MUL_ADDN_FUSION_H #include "backend/optimizer/common/optimizer.h" @@ -29,4 +29,4 @@ class MulAddNFusion : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_PASS_MUL_ADDN_FUSION_H +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_PASS_MUL_ADDN_FUSION_H diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/parameter_and_transop_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/parameter_and_transop_fusion.h index 0479fd3d635..605eb19d1ca 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/parameter_and_transop_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/parameter_and_transop_fusion.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_PARAMETER_AND_TRANSOP_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_PARAMETER_AND_TRANSOP_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_PARAMETER_AND_TRANSOP_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_PARAMETER_AND_TRANSOP_FUSION_H_ #include #include diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/refresh_parameter_format.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/refresh_parameter_format.h index 122bdf55cad..9dec340112c 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/refresh_parameter_format.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/refresh_parameter_format.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_REFRESH_PARAMETER_FORMAT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_REFRESH_PARAMETER_FORMAT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_REFRESH_PARAMETER_FORMAT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_REFRESH_PARAMETER_FORMAT_H_ #include #include @@ -37,4 +37,4 @@ class RefreshParameterFormat : public Pass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_REFRESH_PARAMETER_FORMAT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_REFRESH_PARAMETER_FORMAT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/remove_reshape_pair.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/remove_reshape_pair.h index 848713201a0..13aa28d185e 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/remove_reshape_pair.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/remove_reshape_pair.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_REMOVE_RESHAPE_PAIR_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_REMOVE_RESHAPE_PAIR_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_REMOVE_RESHAPE_PAIR_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_REMOVE_RESHAPE_PAIR_H_ #include #include @@ -35,4 +35,4 @@ class RemoveReshapePair : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_REMOVE_RESHAPE_PAIR_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_REMOVE_RESHAPE_PAIR_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/reshape_transpose_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/reshape_transpose_fusion.h index a76538019ec..4932cb485cd 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/reshape_transpose_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/reshape_transpose_fusion.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_RESHAPE_TRANSPOSE_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_RESHAPE_TRANSPOSE_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_RESHAPE_TRANSPOSE_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_RESHAPE_TRANSPOSE_FUSION_H_ #include #include @@ -43,4 +43,4 @@ class ReshapeTransposeFusion : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_RESHAPE_TRANSPOSE_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_RESHAPE_TRANSPOSE_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/softmax_grad_ext_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/softmax_grad_ext_fusion.h index 1b884b27265..b7ae7dda1cf 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/softmax_grad_ext_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/softmax_grad_ext_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_SOFTMAX_GRAD_EXT_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_SOFTMAX_GRAD_EXT_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_SOFTMAX_GRAD_EXT_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_SOFTMAX_GRAD_EXT_FUSION_H_ #include #include @@ -59,4 +59,4 @@ class SoftmaxGradExtFusionV3 : public SoftmaxGradExtFusion { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_SOFTMAX_GRAD_EXT_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_SOFTMAX_GRAD_EXT_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/square_sum_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/square_sum_fusion.h index 54189606ba4..e378415f3cb 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/square_sum_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/square_sum_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_SQUARE_SUM_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_SQUARE_SUM_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_SQUARE_SUM_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_SQUARE_SUM_FUSION_H_ #include "backend/optimizer/common/optimizer.h" @@ -29,4 +29,4 @@ class SquareSumFusion : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_SQUARE_SUM_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_SQUARE_SUM_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/transpose_reshape_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/transpose_reshape_fusion.h index 39b8fe4687d..ac4ca604d64 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/transpose_reshape_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/transpose_reshape_fusion.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_TRANSPOSE_RESHAPE_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_TRANSPOSE_RESHAPE_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_TRANSPOSE_RESHAPE_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_TRANSPOSE_RESHAPE_FUSION_H_ #include #include @@ -43,4 +43,4 @@ class TransposeReshapeFusion : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_TRANSPOSE_RESHAPE_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_TRANSPOSE_RESHAPE_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/transpose_transdata_fusion.h b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/transpose_transdata_fusion.h index 852d5194ec7..4b1ec803c2c 100644 --- a/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/transpose_transdata_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/ascend/ir_fusion/transpose_transdata_fusion.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_TRANSPOSE_TRANSDATA_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_TRANSPOSE_TRANSDATA_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_TRANSPOSE_TRANSDATA_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_TRANSPOSE_TRANSDATA_FUSION_H_ #include #include @@ -49,4 +49,4 @@ class TransposeTransDataFusion : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_ASCEND_IR_FUSION_TRANSPOSE_TRANSDATA_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_ASCEND_IR_FUSION_TRANSPOSE_TRANSDATA_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/common/common_backend_optimization.h b/mindspore/ccsrc/backend/optimizer/common/common_backend_optimization.h index 4127fc05dec..e673e101bbd 100644 --- a/mindspore/ccsrc/backend/optimizer/common/common_backend_optimization.h +++ b/mindspore/ccsrc/backend/optimizer/common/common_backend_optimization.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_COMMON_BACKEND_OPTIMIZATION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_COMMON_BACKEND_OPTIMIZATION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_COMMON_BACKEND_OPTIMIZATION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_COMMON_BACKEND_OPTIMIZATION_H_ #include #include "backend/session/kernel_graph.h" namespace mindspore { @@ -23,4 +23,4 @@ void BackendCommonOptimization(const std::shared_ptr &kern } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_COMMON_BACKEND_OPTIMIZATION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_COMMON_BACKEND_OPTIMIZATION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/common/fusion_id_allocator.h b/mindspore/ccsrc/backend/optimizer/common/fusion_id_allocator.h index bdee5ee84ae..b4cc2e505e0 100644 --- a/mindspore/ccsrc/backend/optimizer/common/fusion_id_allocator.h +++ b/mindspore/ccsrc/backend/optimizer/common/fusion_id_allocator.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_FUSION_ID_ALLOCATOR_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_FUSION_ID_ALLOCATOR_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_FUSION_ID_ALLOCATOR_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_FUSION_ID_ALLOCATOR_H_ #include #include "base/base.h" @@ -41,4 +41,4 @@ using FusionIdAllocatorPtr = std::shared_ptr; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_FUSION_ID_ALLOCATOR_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_FUSION_ID_ALLOCATOR_H_ diff --git a/mindspore/ccsrc/backend/optimizer/common/helper.h b/mindspore/ccsrc/backend/optimizer/common/helper.h index a267e65b530..92c8a738322 100644 --- a/mindspore/ccsrc/backend/optimizer/common/helper.h +++ b/mindspore/ccsrc/backend/optimizer/common/helper.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_HELPER_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_HELPER_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_HELPER_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_HELPER_H_ #include #include @@ -196,4 +196,4 @@ bool GetBoolAttr(const AnfNodePtr &node, const std::string &attr_name); bool CheckSupportDataType(const AnfNodePtr &node, const std::set &supported_data_type_set); } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_HELPER_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_HELPER_H_ diff --git a/mindspore/ccsrc/backend/optimizer/common/node_pass.h b/mindspore/ccsrc/backend/optimizer/common/node_pass.h index 780ae1a0566..a790153f1ba 100644 --- a/mindspore/ccsrc/backend/optimizer/common/node_pass.h +++ b/mindspore/ccsrc/backend/optimizer/common/node_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_NODE_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_NODE_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_NODE_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_NODE_PASS_H_ #include #include @@ -33,4 +33,4 @@ class NodePass : public Pass { using NodePassPtr = std::shared_ptr; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_NODE_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_NODE_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/common/optimizer.h b/mindspore/ccsrc/backend/optimizer/common/optimizer.h index 0b03c9c0eeb..34d65c30479 100644 --- a/mindspore/ccsrc/backend/optimizer/common/optimizer.h +++ b/mindspore/ccsrc/backend/optimizer/common/optimizer.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_OPTIMIZER_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_OPTIMIZER_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_OPTIMIZER_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_OPTIMIZER_H_ #include #include @@ -86,4 +86,4 @@ class GraphOptimizer { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_OPTIMIZER_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_OPTIMIZER_H_ diff --git a/mindspore/ccsrc/backend/optimizer/common/pass.h b/mindspore/ccsrc/backend/optimizer/common/pass.h index 6e35fb1dc4a..cb8ad63b46a 100644 --- a/mindspore/ccsrc/backend/optimizer/common/pass.h +++ b/mindspore/ccsrc/backend/optimizer/common/pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_PASS_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_PASS_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_PASS_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_PASS_H_ #include #include @@ -38,4 +38,4 @@ using PassPtr = std::shared_ptr; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_PASS_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_PASS_H_ diff --git a/mindspore/ccsrc/backend/optimizer/common/pass_manager.h b/mindspore/ccsrc/backend/optimizer/common/pass_manager.h index 51db27d2509..f758ee86eae 100644 --- a/mindspore/ccsrc/backend/optimizer/common/pass_manager.h +++ b/mindspore/ccsrc/backend/optimizer/common/pass_manager.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_PASS_MANAGER_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_PASS_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_PASS_MANAGER_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_PASS_MANAGER_H_ #include #include @@ -58,4 +58,4 @@ using PassManagerPtr = std::shared_ptr; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_PASS_MANAGER_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_PASS_MANAGER_H_ diff --git a/mindspore/ccsrc/backend/optimizer/common/pattern_engine.h b/mindspore/ccsrc/backend/optimizer/common/pattern_engine.h index 51fa8801b2d..55f00241bc0 100644 --- a/mindspore/ccsrc/backend/optimizer/common/pattern_engine.h +++ b/mindspore/ccsrc/backend/optimizer/common/pattern_engine.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_PATTERN_ENGINE_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_PATTERN_ENGINE_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_PATTERN_ENGINE_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_PATTERN_ENGINE_H_ #include #include @@ -201,4 +201,4 @@ struct hash { } }; } // namespace std -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_PATTERN_ENGINE_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_PATTERN_ENGINE_H_ diff --git a/mindspore/ccsrc/backend/optimizer/common/visit.h b/mindspore/ccsrc/backend/optimizer/common/visit.h index 9799d3f9c10..21158a5b9f9 100644 --- a/mindspore/ccsrc/backend/optimizer/common/visit.h +++ b/mindspore/ccsrc/backend/optimizer/common/visit.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_VISIT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_VISIT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_VISIT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_VISIT_H_ #include #include @@ -58,4 +58,4 @@ class DefaultVisitor : public Visitor { std::shared_ptr ExpandList(const std::vector &list); bool CheckIfNeedExpand(const std::vector &list); } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_COMMON_VISIT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_COMMON_VISIT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/mem_reuse/kernel_refcount.h b/mindspore/ccsrc/backend/optimizer/mem_reuse/kernel_refcount.h index 58f7ef36720..92611806f44 100644 --- a/mindspore/ccsrc/backend/optimizer/mem_reuse/kernel_refcount.h +++ b/mindspore/ccsrc/backend/optimizer/mem_reuse/kernel_refcount.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_KERNEL_REFCOUNT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_KERNEL_REFCOUNT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_KERNEL_REFCOUNT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_KERNEL_REFCOUNT_H_ #include #include #include @@ -98,4 +98,4 @@ class KernelDef { using KernelDefPtr = std::shared_ptr; } // namespace memreuse } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_KERNEL_REFCOUNT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_KERNEL_REFCOUNT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_copy_manager.h b/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_copy_manager.h index 1952415515f..fb9c8750d56 100644 --- a/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_copy_manager.h +++ b/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_copy_manager.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_COPY_MANAGER_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_COPY_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_COPY_MANAGER_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_COPY_MANAGER_H_ #include #include @@ -94,4 +94,4 @@ using MemCopyManagerPtr = std::shared_ptr; } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_COPY_MANAGER_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_COPY_MANAGER_H_ diff --git a/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_dynamic_allocator.h b/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_dynamic_allocator.h index 07efa267aa7..72765f4ecf3 100644 --- a/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_dynamic_allocator.h +++ b/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_dynamic_allocator.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_DYNAMIC_ALLOCATOR_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_DYNAMIC_ALLOCATOR_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_DYNAMIC_ALLOCATOR_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_DYNAMIC_ALLOCATOR_H_ #include #include @@ -139,4 +139,4 @@ class DynamicMemPoolBestFit { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_DYNAMIC_ALLOCATOR_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_DYNAMIC_ALLOCATOR_H_ diff --git a/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_reuse.h b/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_reuse.h index 011b20c4abf..fe7ee3992e9 100644 --- a/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_reuse.h +++ b/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_reuse.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_REUSE_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_REUSE_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_REUSE_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_REUSE_H_ #include #include #include @@ -105,4 +105,4 @@ using MemReuseUtilPtr = std::shared_ptr; } // namespace memreuse } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_REUSE_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_REUSE_H_ diff --git a/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_reuse_allocator.h b/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_reuse_allocator.h index 322c7b940cb..d03f832b2c4 100644 --- a/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_reuse_allocator.h +++ b/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_reuse_allocator.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_REUSE_ALLOCATOR_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_REUSE_ALLOCATOR_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_REUSE_ALLOCATOR_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_REUSE_ALLOCATOR_H_ #include #include #include @@ -170,4 +170,4 @@ class BestFitMemReuse { }; } // namespace memreuse } // namespace mindspore -#endif // #define MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_REUSE_ALLOCATOR_H_ +#endif // #define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_REUSE_ALLOCATOR_H_ diff --git a/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_reuse_checker.h b/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_reuse_checker.h index 3c4a00a3ca8..fec52d3872c 100644 --- a/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_reuse_checker.h +++ b/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_reuse_checker.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_REUSE_CHECKER_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_REUSE_CHECKER_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_REUSE_CHECKER_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_REUSE_CHECKER_H_ #include #include #include @@ -94,4 +94,4 @@ class MemReuseChecker { }; } // namespace memreuse } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_REUSE_CHECKER_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_REUSE_CHECKER_H_ diff --git a/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_swap_manager.h b/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_swap_manager.h index d8620c85162..e3d691e37d2 100644 --- a/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_swap_manager.h +++ b/mindspore/ccsrc/backend/optimizer/mem_reuse/mem_swap_manager.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_SWAP_MANAGER_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_SWAP_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_SWAP_MANAGER_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_SWAP_MANAGER_H_ #include #include @@ -129,4 +129,4 @@ using MemSwapManagerPtr = std::shared_ptr; } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_MEM_REUSE_MEM_SWAP_MANAGER_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_MEM_REUSE_MEM_SWAP_MANAGER_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/add_atomic_clean.h b/mindspore/ccsrc/backend/optimizer/pass/add_atomic_clean.h index 7e3fbdb472c..c6e31d6ce10 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/add_atomic_clean.h +++ b/mindspore/ccsrc/backend/optimizer/pass/add_atomic_clean.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_ADD_ATOMIC_CLEAN_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_ADD_ATOMIC_CLEAN_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_ADD_ATOMIC_CLEAN_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_ADD_ATOMIC_CLEAN_H_ #include #include "backend/session/kernel_graph.h" @@ -26,4 +26,4 @@ void AddAtomicClean(const std::shared_ptr &kernel_graph); } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_ADD_ATOMIC_CLEAN_H +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_ADD_ATOMIC_CLEAN_H diff --git a/mindspore/ccsrc/backend/optimizer/pass/common_subexpression_elimination.h b/mindspore/ccsrc/backend/optimizer/pass/common_subexpression_elimination.h index bac870e59f8..aab8eee5a77 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/common_subexpression_elimination.h +++ b/mindspore/ccsrc/backend/optimizer/pass/common_subexpression_elimination.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_COMMON_SUBEXPRESSION_ELIMINATION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_COMMON_SUBEXPRESSION_ELIMINATION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_COMMON_SUBEXPRESSION_ELIMINATION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_COMMON_SUBEXPRESSION_ELIMINATION_H_ #include "backend/optimizer/common/pass.h" #include "frontend/optimizer/cse.h" @@ -36,4 +36,4 @@ class BackendCSE : public CSE { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_COMMON_SUBEXPRESSION_ELIMINATION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_COMMON_SUBEXPRESSION_ELIMINATION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/communication_op_fusion.h b/mindspore/ccsrc/backend/optimizer/pass/communication_op_fusion.h index 0e7cf9762db..446b214c1f7 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/communication_op_fusion.h +++ b/mindspore/ccsrc/backend/optimizer/pass/communication_op_fusion.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_COMMUNICATION_OP_FUSION_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_COMMUNICATION_OP_FUSION_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_COMMUNICATION_OP_FUSION_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_COMMUNICATION_OP_FUSION_H_ #include #include #include @@ -77,4 +77,4 @@ class ReduceScatterFusion : public CommunicationOpFusion { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_COMMUNICATION_OP_FUSION_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_COMMUNICATION_OP_FUSION_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/const_input_to_attr_registry.h b/mindspore/ccsrc/backend/optimizer/pass/const_input_to_attr_registry.h index bd6cac13220..2fda84fa831 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/const_input_to_attr_registry.h +++ b/mindspore/ccsrc/backend/optimizer/pass/const_input_to_attr_registry.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONST_INPUT_TO_ATTR_REGISTRY_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONST_INPUT_TO_ATTR_REGISTRY_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONST_INPUT_TO_ATTR_REGISTRY_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONST_INPUT_TO_ATTR_REGISTRY_H_ #include #include #include @@ -75,4 +75,4 @@ struct ConstInputToAttrInfoReceiver { ::mindspore::opt::ConstInputToAttrInfoRegister(op_name) } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONST_INPUT_TO_ATTR_REGISTRY_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONST_INPUT_TO_ATTR_REGISTRY_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/const_to_attr_strided_slice_grad.h b/mindspore/ccsrc/backend/optimizer/pass/const_to_attr_strided_slice_grad.h index 83b44d5f51e..b2faa0437a0 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/const_to_attr_strided_slice_grad.h +++ b/mindspore/ccsrc/backend/optimizer/pass/const_to_attr_strided_slice_grad.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONST_TO_ATTR_STRIDED_SLICE_GRAD_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONST_TO_ATTR_STRIDED_SLICE_GRAD_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONST_TO_ATTR_STRIDED_SLICE_GRAD_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONST_TO_ATTR_STRIDED_SLICE_GRAD_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -31,4 +31,4 @@ class ConstToAttrStridedSliceGradPass : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONST_TO_ATTR_STRIDED_SLICE_GRAD_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONST_TO_ATTR_STRIDED_SLICE_GRAD_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/convert_const_input_to_attr.h b/mindspore/ccsrc/backend/optimizer/pass/convert_const_input_to_attr.h index e6def42fa1f..529bfade57a 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/convert_const_input_to_attr.h +++ b/mindspore/ccsrc/backend/optimizer/pass/convert_const_input_to_attr.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONVERT_CONST_INPUT_TO_ATTR_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONVERT_CONST_INPUT_TO_ATTR_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONVERT_CONST_INPUT_TO_ATTR_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONVERT_CONST_INPUT_TO_ATTR_H_ #include #include #include @@ -37,4 +37,4 @@ class ConvertConstInputToAttr : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONVERT_CONST_INPUT_TO_ATTR_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONVERT_CONST_INPUT_TO_ATTR_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/convert_const_input_to_tensor_input.h b/mindspore/ccsrc/backend/optimizer/pass/convert_const_input_to_tensor_input.h index 072652497ab..eb714f796ea 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/convert_const_input_to_tensor_input.h +++ b/mindspore/ccsrc/backend/optimizer/pass/convert_const_input_to_tensor_input.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONVERT_CONST_INPUT_TO_TENSOR_INPUT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONVERT_CONST_INPUT_TO_TENSOR_INPUT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONVERT_CONST_INPUT_TO_TENSOR_INPUT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONVERT_CONST_INPUT_TO_TENSOR_INPUT_H_ #include #include "ir/anf.h" @@ -32,4 +32,4 @@ class ConvertConstInputToTensorInput : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONVERT_CONST_INPUT_TO_TENSOR_INPUT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONVERT_CONST_INPUT_TO_TENSOR_INPUT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/convert_tuple_input_to_dynamic_input.h b/mindspore/ccsrc/backend/optimizer/pass/convert_tuple_input_to_dynamic_input.h index 63d2415dc52..34b566b0d8e 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/convert_tuple_input_to_dynamic_input.h +++ b/mindspore/ccsrc/backend/optimizer/pass/convert_tuple_input_to_dynamic_input.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONVERT_TUPLE_INPUT_TO_DYNAMIC_INPUT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONVERT_TUPLE_INPUT_TO_DYNAMIC_INPUT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONVERT_TUPLE_INPUT_TO_DYNAMIC_INPUT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONVERT_TUPLE_INPUT_TO_DYNAMIC_INPUT_H_ #include #include @@ -38,4 +38,4 @@ class ConvertTupleInputToDynamicInput : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_CONVERT_TUPLE_INPUT_TO_DYNAMIC_INPUT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_CONVERT_TUPLE_INPUT_TO_DYNAMIC_INPUT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/eliminate_redundant_op.h b/mindspore/ccsrc/backend/optimizer/pass/eliminate_redundant_op.h index 2fb4715cff1..5f5f8538556 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/eliminate_redundant_op.h +++ b/mindspore/ccsrc/backend/optimizer/pass/eliminate_redundant_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_ELIMINATE_REDUNDANT_OP_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_ELIMINATE_REDUNDANT_OP_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_ELIMINATE_REDUNDANT_OP_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_ELIMINATE_REDUNDANT_OP_H_ #include #include @@ -46,4 +46,4 @@ class EliminateRedundantOp : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_ELIMINATE_REDUNDANT_OP_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_ELIMINATE_REDUNDANT_OP_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/erase_visit_attr.h b/mindspore/ccsrc/backend/optimizer/pass/erase_visit_attr.h index 37b88a4e390..e5c47d0f1db 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/erase_visit_attr.h +++ b/mindspore/ccsrc/backend/optimizer/pass/erase_visit_attr.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_ERASE_VISIT_ATTR_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_ERASE_VISIT_ATTR_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_ERASE_VISIT_ATTR_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_ERASE_VISIT_ATTR_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -32,4 +32,4 @@ class EraseVisitAttr : public PatternProcessPass { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_ERASE_VISIT_ATTR_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_ERASE_VISIT_ATTR_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/fuse_basic.h b/mindspore/ccsrc/backend/optimizer/pass/fuse_basic.h index 9b3916fe280..a756564b4a7 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/fuse_basic.h +++ b/mindspore/ccsrc/backend/optimizer/pass/fuse_basic.h @@ -14,8 +14,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_FUSE_BASIC_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_FUSE_BASIC_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_FUSE_BASIC_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_FUSE_BASIC_H_ #include #include "backend/optimizer/common/optimizer.h" @@ -26,4 +26,4 @@ namespace opt { void FuseBasic(const std::shared_ptr &kernel_graph, bool is_before_kernel_select); } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_FUSE_BASIC_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_FUSE_BASIC_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/fuse_graph_kernel.h b/mindspore/ccsrc/backend/optimizer/pass/fuse_graph_kernel.h index e14661dfdfd..b241122d005 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/fuse_graph_kernel.h +++ b/mindspore/ccsrc/backend/optimizer/pass/fuse_graph_kernel.h @@ -14,8 +14,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_FUSE_GRAPH_KERNEL_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_FUSE_GRAPH_KERNEL_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_FUSE_GRAPH_KERNEL_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_FUSE_GRAPH_KERNEL_H_ #include #include @@ -60,4 +60,4 @@ void ReplaceNewFuseCNode(const std::shared_ptr &kernel_gra void FuseGraphKernel(const std::shared_ptr &kernel_graph, bool is_before_kernel_select = false); } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_FUSE_GRAPH_KERNEL_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_FUSE_GRAPH_KERNEL_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/getitem_tuple.h b/mindspore/ccsrc/backend/optimizer/pass/getitem_tuple.h index 9a25b924bd3..ca29e53d2be 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/getitem_tuple.h +++ b/mindspore/ccsrc/backend/optimizer/pass/getitem_tuple.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_GETITEM_TUPLE_SPLIT_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_GETITEM_TUPLE_SPLIT_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_GETITEM_TUPLE_SPLIT_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_GETITEM_TUPLE_SPLIT_H_ #include "backend/optimizer/common/optimizer.h" @@ -29,4 +29,4 @@ class GetitemTuple : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_GETITEM_TUPLE_SPLIT_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_GETITEM_TUPLE_SPLIT_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/optimize_dependence.h b/mindspore/ccsrc/backend/optimizer/pass/optimize_dependence.h index 8ddd4d662ea..c1b2f53d717 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/optimize_dependence.h +++ b/mindspore/ccsrc/backend/optimizer/pass/optimize_dependence.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_OPTIMIZE_DEPENDENCE_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_OPTIMIZE_DEPENDENCE_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_OPTIMIZE_DEPENDENCE_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_OPTIMIZE_DEPENDENCE_H_ #include "backend/optimizer/common/optimizer.h" @@ -31,4 +31,4 @@ class OptimizeDependence : public PatternProcessPass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_OPTIMIZE_DEPENDENCE_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_OPTIMIZE_DEPENDENCE_H_ diff --git a/mindspore/ccsrc/backend/optimizer/pass/replace_node_by_proxy.h b/mindspore/ccsrc/backend/optimizer/pass/replace_node_by_proxy.h index 382b08304ff..0ecd8f3ed2f 100644 --- a/mindspore/ccsrc/backend/optimizer/pass/replace_node_by_proxy.h +++ b/mindspore/ccsrc/backend/optimizer/pass/replace_node_by_proxy.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_REPLACE_NODE_BY_PROXY_H_ -#define MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_REPLACE_NODE_BY_PROXY_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_REPLACE_NODE_BY_PROXY_H_ +#define MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_REPLACE_NODE_BY_PROXY_H_ #include #include #include @@ -38,4 +38,4 @@ class ReplaceNodeByProxy : public Pass { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_PRE_ACTIVATE_PASS_REPLACE_NODE_BY_PROXY_H_ +#endif // MINDSPORE_CCSRC_BACKEND_OPTIMIZER_PASS_REPLACE_NODE_BY_PROXY_H_ diff --git a/mindspore/ccsrc/backend/session/anf_runtime_algorithm.h b/mindspore/ccsrc/backend/session/anf_runtime_algorithm.h index 4fa3150e367..8c5be64f7f4 100644 --- a/mindspore/ccsrc/backend/session/anf_runtime_algorithm.h +++ b/mindspore/ccsrc/backend/session/anf_runtime_algorithm.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_SESSION_ANF_RUNTIME_ALGORITHM_H -#define MINDSPORE_CCSRC_SESSION_ANF_RUNTIME_ALGORITHM_H +#ifndef MINDSPORE_CCSRC_BACKEND_SESSION_ANF_RUNTIME_ALGORITHM_H +#define MINDSPORE_CCSRC_BACKEND_SESSION_ANF_RUNTIME_ALGORITHM_H #include #include #include @@ -213,4 +213,4 @@ class AnfRuntimeAlgorithm { } // namespace session using AnfAlgo = session::AnfRuntimeAlgorithm; } // namespace mindspore -#endif // MINDSPORE_CCSRC_SESSION_ANF_RUNTIME_ALGORITHM_H +#endif // MINDSPORE_CCSRC_BACKEND_SESSION_ANF_RUNTIME_ALGORITHM_H diff --git a/mindspore/ccsrc/backend/session/ascend_control_parser.h b/mindspore/ccsrc/backend/session/ascend_control_parser.h index 4e62629d985..193e4ee6884 100644 --- a/mindspore/ccsrc/backend/session/ascend_control_parser.h +++ b/mindspore/ccsrc/backend/session/ascend_control_parser.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_SESSION_ASCEND_CONTROL_PARSER_H -#define MINDSPORE_CCSRC_SESSION_ASCEND_CONTROL_PARSER_H +#ifndef MINDSPORE_CCSRC_BACKEND_SESSION_ASCEND_CONTROL_PARSER_H +#define MINDSPORE_CCSRC_BACKEND_SESSION_ASCEND_CONTROL_PARSER_H #include #include @@ -90,4 +90,4 @@ class AscendControlParser::ReferenceCounter { } // namespace session } // namespace mindspore -#endif // MINDSPORE_CCSRC_SESSION_ASCEND_CONTROL_PARSER_H +#endif // MINDSPORE_CCSRC_BACKEND_SESSION_ASCEND_CONTROL_PARSER_H diff --git a/mindspore/ccsrc/backend/session/ascend_inference_session.h b/mindspore/ccsrc/backend/session/ascend_inference_session.h index 5364ae8d4ee..447ce2d722a 100644 --- a/mindspore/ccsrc/backend/session/ascend_inference_session.h +++ b/mindspore/ccsrc/backend/session/ascend_inference_session.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_SESSION_ASCEND_INFERENCE_SESSION_H -#define MINDSPORE_CCSRC_SESSION_ASCEND_INFERENCE_SESSION_H +#ifndef MINDSPORE_CCSRC_BACKEND_SESSION_ASCEND_INFERENCE_SESSION_H +#define MINDSPORE_CCSRC_BACKEND_SESSION_ASCEND_INFERENCE_SESSION_H #include #include #include @@ -43,4 +43,4 @@ class AscendInferenceSession : public AscendSession { MS_REG_SESSION(kDavinciInferenceDevice, AscendInferenceSession); } // namespace session } // namespace mindspore -#endif // MINDSPORE_CCSRC_SESSION_ASCEND_INFERENCE_SESSION_H +#endif // MINDSPORE_CCSRC_BACKEND_SESSION_ASCEND_INFERENCE_SESSION_H diff --git a/mindspore/ccsrc/backend/session/ascend_session.h b/mindspore/ccsrc/backend/session/ascend_session.h index 11cb1c92d26..b0f2a5d5dc8 100755 --- a/mindspore/ccsrc/backend/session/ascend_session.h +++ b/mindspore/ccsrc/backend/session/ascend_session.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_SESSION_ASCEND_SESSION_H -#define MINDSPORE_CCSRC_SESSION_ASCEND_SESSION_H +#ifndef MINDSPORE_CCSRC_BACKEND_SESSION_ASCEND_SESSION_H +#define MINDSPORE_CCSRC_BACKEND_SESSION_ASCEND_SESSION_H #include #include #include @@ -181,4 +181,4 @@ class AscendSession : public SessionBasic { MS_REG_SESSION(kAscendDevice, AscendSession); } // namespace session } // namespace mindspore -#endif // MINDSPORE_CCSRC_SESSION_ASCEND_SESSION_H +#endif // MINDSPORE_CCSRC_BACKEND_SESSION_ASCEND_SESSION_H diff --git a/mindspore/ccsrc/backend/session/cpu_session.h b/mindspore/ccsrc/backend/session/cpu_session.h index 8a94c21828a..014b4168ab0 100644 --- a/mindspore/ccsrc/backend/session/cpu_session.h +++ b/mindspore/ccsrc/backend/session/cpu_session.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_SESSION_CPU_SESSION_H -#define MINDSPORE_CCSRC_SESSION_CPU_SESSION_H +#ifndef MINDSPORE_CCSRC_BACKEND_SESSION_CPU_SESSION_H +#define MINDSPORE_CCSRC_BACKEND_SESSION_CPU_SESSION_H #include #include #include @@ -47,4 +47,4 @@ class CPUSession : public SessionBasic { MS_REG_SESSION(kCPUDevice, CPUSession); } // namespace session } // namespace mindspore -#endif // MINDSPORE_CCSRC_SESSION_CPU_SESSION_H +#endif // MINDSPORE_CCSRC_BACKEND_SESSION_CPU_SESSION_H diff --git a/mindspore/ccsrc/backend/session/gpu_session.h b/mindspore/ccsrc/backend/session/gpu_session.h index 7e07dfbcbdb..04e5021c02a 100644 --- a/mindspore/ccsrc/backend/session/gpu_session.h +++ b/mindspore/ccsrc/backend/session/gpu_session.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_SESSION_GPU_SESSION_H -#define MINDSPORE_CCSRC_SESSION_GPU_SESSION_H +#ifndef MINDSPORE_CCSRC_BACKEND_SESSION_GPU_SESSION_H +#define MINDSPORE_CCSRC_BACKEND_SESSION_GPU_SESSION_H #include #include @@ -73,4 +73,4 @@ MS_REG_SESSION(kGPUDevice, GPUSession); } // namespace gpu } // namespace session } // namespace mindspore -#endif // MINDSPORE_CCSRC_SESSION_GPU_SESSION_H +#endif // MINDSPORE_CCSRC_BACKEND_SESSION_GPU_SESSION_H diff --git a/mindspore/ccsrc/backend/session/kernel_graph.h b/mindspore/ccsrc/backend/session/kernel_graph.h index 3ba5f333da4..f4a4dd3822e 100644 --- a/mindspore/ccsrc/backend/session/kernel_graph.h +++ b/mindspore/ccsrc/backend/session/kernel_graph.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_SESSION_KERNEL_GRAPH_H -#define MINDSPORE_CCSRC_SESSION_KERNEL_GRAPH_H +#ifndef MINDSPORE_CCSRC_BACKEND_SESSION_KERNEL_GRAPH_H +#define MINDSPORE_CCSRC_BACKEND_SESSION_KERNEL_GRAPH_H #include #include @@ -230,4 +230,4 @@ class KernelGraph : public FuncGraph { } // namespace session using KernelGraphPtr = std::shared_ptr; } // namespace mindspore -#endif // MINDSPORE_CCSRC_SESSION_KERNEL_GRAPH_H +#endif // MINDSPORE_CCSRC_BACKEND_SESSION_KERNEL_GRAPH_H diff --git a/mindspore/ccsrc/backend/session/session.h b/mindspore/ccsrc/backend/session/session.h index 6ea9cfaa474..1ea5efefc1c 100644 --- a/mindspore/ccsrc/backend/session/session.h +++ b/mindspore/ccsrc/backend/session/session.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_SESSION_SESSION_H -#define MINDSPORE_CCSRC_SESSION_SESSION_H +#ifndef MINDSPORE_CCSRC_BACKEND_SESSION_SESSION_H +#define MINDSPORE_CCSRC_BACKEND_SESSION_SESSION_H #include #include @@ -47,4 +47,4 @@ class Session : public MSSession { }; } // namespace inference } // namespace mindspore -#endif // MINDSPORE_CCSRC_SESSION_SESSION_BASIC_H +#endif // MINDSPORE_CCSRC_BACKEND_SESSION_SESSION_BASIC_H diff --git a/mindspore/ccsrc/backend/session/session_basic.h b/mindspore/ccsrc/backend/session/session_basic.h index a8ef0a7e1e3..9bab89e2bd7 100755 --- a/mindspore/ccsrc/backend/session/session_basic.h +++ b/mindspore/ccsrc/backend/session/session_basic.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_SESSION_SESSION_BASIC_H -#define MINDSPORE_CCSRC_SESSION_SESSION_BASIC_H +#ifndef MINDSPORE_CCSRC_BACKEND_SESSION_SESSION_BASIC_H +#define MINDSPORE_CCSRC_BACKEND_SESSION_SESSION_BASIC_H #include #include @@ -161,4 +161,4 @@ using SessionPtr = std::shared_ptr; using NamedSummaryOutputs = std::map>; } // namespace session } // namespace mindspore -#endif // MINDSPORE_CCSRC_SESSION_SESSION_BASIC_H +#endif // MINDSPORE_CCSRC_BACKEND_SESSION_SESSION_BASIC_H diff --git a/mindspore/ccsrc/backend/session/session_context.h b/mindspore/ccsrc/backend/session/session_context.h index 22cc0c813a6..2148d1b3501 100644 --- a/mindspore/ccsrc/backend/session/session_context.h +++ b/mindspore/ccsrc/backend/session/session_context.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_SESSION_SESSION_CONTEXT_H -#define MINDSPORE_CCSRC_SESSION_SESSION_CONTEXT_H +#ifndef MINDSPORE_CCSRC_BACKEND_SESSION_SESSION_CONTEXT_H +#define MINDSPORE_CCSRC_BACKEND_SESSION_SESSION_CONTEXT_H #include #include #include @@ -47,4 +47,4 @@ class Context : public pipeline::ResourceBase { } // namespace session } // namespace mindspore -#endif // MINDSPORE_CCSRC_SESSION_SESSION_CONTEXT_H +#endif // MINDSPORE_CCSRC_BACKEND_SESSION_SESSION_CONTEXT_H diff --git a/mindspore/ccsrc/backend/session/session_factory.h b/mindspore/ccsrc/backend/session/session_factory.h index 054f03cf4b4..a5a7dfd2452 100644 --- a/mindspore/ccsrc/backend/session/session_factory.h +++ b/mindspore/ccsrc/backend/session/session_factory.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_SESSION_SESSION_FACTORY_H_ -#define MINDSPORE_CCSRC_SESSION_SESSION_FACTORY_H_ +#ifndef MINDSPORE_CCSRC_BACKEND_SESSION_SESSION_FACTORY_H_ +#define MINDSPORE_CCSRC_BACKEND_SESSION_SESSION_FACTORY_H_ #include #include @@ -53,4 +53,4 @@ class SessionRegistrar { } // namespace session } // namespace mindspore -#endif // MINDSPORE_CCSRC_SESSION_SESSION_FACTORY_H_ +#endif // MINDSPORE_CCSRC_BACKEND_SESSION_SESSION_FACTORY_H_ diff --git a/mindspore/ccsrc/debug/common.h b/mindspore/ccsrc/debug/common.h index 8d4a6cb4674..1dafbfd99e6 100644 --- a/mindspore/ccsrc/debug/common.h +++ b/mindspore/ccsrc/debug/common.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEBUG_COMMON_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEBUG_COMMON_H_ +#ifndef MINDSPORE_CCSRC_DEBUG_COMMON_H_ +#define MINDSPORE_CCSRC_DEBUG_COMMON_H_ #include #include @@ -33,4 +33,4 @@ class Common { static bool CreateNotExistDirs(const std::string &path); }; } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEBUG_COMMON_H_ +#endif // MINDSPORE_CCSRC_DEBUG_COMMON_H_ diff --git a/mindspore/ccsrc/debug/data_dump_parser.h b/mindspore/ccsrc/debug/data_dump_parser.h index 535ef4f6150..750c2a92f7d 100644 --- a/mindspore/ccsrc/debug/data_dump_parser.h +++ b/mindspore/ccsrc/debug/data_dump_parser.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEBUG_ASYNC_DUMP_JSON_PARE_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEBUG_ASYNC_DUMP_JSON_PARE_H_ +#ifndef MINDSPORE_CCSRC_DEBUG_ASYNC_DUMP_JSON_PARE_H_ +#define MINDSPORE_CCSRC_DEBUG_ASYNC_DUMP_JSON_PARE_H_ #include #include @@ -59,4 +59,4 @@ class DataDumpParser { std::map kernel_map_; }; } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEBUG_ASYNC_DUMP_JSON_PARE_H_ +#endif // MINDSPORE_CCSRC_DEBUG_ASYNC_DUMP_JSON_PARE_H_ diff --git a/mindspore/ccsrc/frontend/operator/cc_implementations.h b/mindspore/ccsrc/frontend/operator/cc_implementations.h index cef34da4f4a..ffe75cb0c03 100644 --- a/mindspore/ccsrc/frontend/operator/cc_implementations.h +++ b/mindspore/ccsrc/frontend/operator/cc_implementations.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPERATOR_CC_IMPLEMENTATIONS_H_ -#define MINDSPORE_CCSRC_OPERATOR_CC_IMPLEMENTATIONS_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPERATOR_CC_IMPLEMENTATIONS_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPERATOR_CC_IMPLEMENTATIONS_H_ #include #include @@ -56,4 +56,4 @@ std::vector BroadcastShape_(std::vector s1, std::vector s2); } // namespace prim } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPERATOR_CC_IMPLEMENTATIONS_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPERATOR_CC_IMPLEMENTATIONS_H_ diff --git a/mindspore/ccsrc/frontend/operator/composite/composite.h b/mindspore/ccsrc/frontend/operator/composite/composite.h index 3821192dbaf..d0597e9befc 100644 --- a/mindspore/ccsrc/frontend/operator/composite/composite.h +++ b/mindspore/ccsrc/frontend/operator/composite/composite.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPERATOR_COMPOSITE_H_ -#define MINDSPORE_CCSRC_OPERATOR_COMPOSITE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_H_ #include #include @@ -189,4 +189,4 @@ using TupleGetItemTensorPtr = std::shared_ptr; } // namespace prim } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPERATOR_COMPOSITE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_H_ diff --git a/mindspore/ccsrc/frontend/operator/composite/do_signature.h b/mindspore/ccsrc/frontend/operator/composite/do_signature.h index 9139be806ac..7b060aecfba 100644 --- a/mindspore/ccsrc/frontend/operator/composite/do_signature.h +++ b/mindspore/ccsrc/frontend/operator/composite/do_signature.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPERATOR_COMPOSITE_DO_SIGNATURE_H_ -#define MINDSPORE_CCSRC_OPERATOR_COMPOSITE_DO_SIGNATURE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_DO_SIGNATURE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_DO_SIGNATURE_H_ #include #include @@ -66,4 +66,4 @@ AnfNodePtr GenerateCNode(const FuncGraphPtr &func_graph, const std::string &func } // namespace prim } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPERATOR_COMPOSITE_DO_SIGNATURE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_DO_SIGNATURE_H_ diff --git a/mindspore/ccsrc/frontend/operator/composite/list_append_operation.h b/mindspore/ccsrc/frontend/operator/composite/list_append_operation.h index 1da3f9a0098..9555010d017 100644 --- a/mindspore/ccsrc/frontend/operator/composite/list_append_operation.h +++ b/mindspore/ccsrc/frontend/operator/composite/list_append_operation.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPERATOR_COMPOSITE_LIST_APPEND_OPERATION_H_ -#define MINDSPORE_CCSRC_OPERATOR_COMPOSITE_LIST_APPEND_OPERATION_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_LIST_APPEND_OPERATION_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_LIST_APPEND_OPERATION_H_ #include #include @@ -42,4 +42,4 @@ using ListAppendPtr = std::shared_ptr; } // namespace prim } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPERATOR_COMPOSITE_LIST_APPEND_OPERATION_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_LIST_APPEND_OPERATION_H_ diff --git a/mindspore/ccsrc/frontend/operator/composite/map.h b/mindspore/ccsrc/frontend/operator/composite/map.h index 428014f9c46..da8edcef43d 100644 --- a/mindspore/ccsrc/frontend/operator/composite/map.h +++ b/mindspore/ccsrc/frontend/operator/composite/map.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPERATOR_COMPOSITE_MAP_H_ -#define MINDSPORE_CCSRC_OPERATOR_COMPOSITE_MAP_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_MAP_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_MAP_H_ #include #include @@ -95,4 +95,4 @@ using MapPyPtr = std::shared_ptr; } // namespace prim } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPERATOR_COMPOSITE_MAP_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_MAP_H_ diff --git a/mindspore/ccsrc/frontend/operator/composite/multitype_funcgraph.h b/mindspore/ccsrc/frontend/operator/composite/multitype_funcgraph.h index 2139a0e9d10..9bcfdb2ee24 100644 --- a/mindspore/ccsrc/frontend/operator/composite/multitype_funcgraph.h +++ b/mindspore/ccsrc/frontend/operator/composite/multitype_funcgraph.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPERATOR_COMPOSITE_MULTITYPE_FUNCGRAPH_H_ -#define MINDSPORE_CCSRC_OPERATOR_COMPOSITE_MULTITYPE_FUNCGRAPH_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_MULTITYPE_FUNCGRAPH_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_MULTITYPE_FUNCGRAPH_H_ #include #include @@ -62,4 +62,4 @@ using MultitypeFuncGraphPtr = std::shared_ptr; } // namespace prim } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPERATOR_COMPOSITE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_H_ diff --git a/mindspore/ccsrc/frontend/operator/composite/unpack_call.h b/mindspore/ccsrc/frontend/operator/composite/unpack_call.h index 79c2600f363..1867a37d9fd 100644 --- a/mindspore/ccsrc/frontend/operator/composite/unpack_call.h +++ b/mindspore/ccsrc/frontend/operator/composite/unpack_call.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPERATOR_COMPOSITE_UNPACK_CALL_H_ -#define MINDSPORE_CCSRC_OPERATOR_COMPOSITE_UNPACK_CALL_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_UNPACK_CALL_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_UNPACK_CALL_H_ #include #include @@ -49,4 +49,4 @@ using UnpackCallPtr = std::shared_ptr; } // namespace prim } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPERATOR_COMPOSITE_UNPACK_CALL_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_UNPACK_CALL_H_ diff --git a/mindspore/ccsrc/frontend/operator/composite/zip_operation.h b/mindspore/ccsrc/frontend/operator/composite/zip_operation.h index 96697cb472d..6c142e930fe 100644 --- a/mindspore/ccsrc/frontend/operator/composite/zip_operation.h +++ b/mindspore/ccsrc/frontend/operator/composite/zip_operation.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPERATOR_COMPOSITE_ZIP_OPERATION_H_ -#define MINDSPORE_CCSRC_OPERATOR_COMPOSITE_ZIP_OPERATION_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_ZIP_OPERATION_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_ZIP_OPERATION_H_ #include #include @@ -56,4 +56,4 @@ using ZipOperationPtr = std::shared_ptr; } // namespace prim } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPERATOR_COMPOSITE_ZIP_OPERATION_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPERATOR_COMPOSITE_ZIP_OPERATION_H_ diff --git a/mindspore/ccsrc/frontend/operator/ops.h b/mindspore/ccsrc/frontend/operator/ops.h index d57b681ff26..13649ef2d23 100755 --- a/mindspore/ccsrc/frontend/operator/ops.h +++ b/mindspore/ccsrc/frontend/operator/ops.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPERATOR_OPS_H_ -#define MINDSPORE_CCSRC_OPERATOR_OPS_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPERATOR_OPS_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPERATOR_OPS_H_ #include #include @@ -338,4 +338,4 @@ using UnpackGraphPrimitivePtr = std::shared_ptr; } // namespace prim } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPERATOR_OPS_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPERATOR_OPS_H_ diff --git a/mindspore/ccsrc/frontend/operator/prim_to_function.h b/mindspore/ccsrc/frontend/operator/prim_to_function.h index 285ab8d3abb..fe434d01297 100644 --- a/mindspore/ccsrc/frontend/operator/prim_to_function.h +++ b/mindspore/ccsrc/frontend/operator/prim_to_function.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPERATOR_PRIM_TO_FUNCTION_H_ -#define MINDSPORE_CCSRC_OPERATOR_PRIM_TO_FUNCTION_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPERATOR_PRIM_TO_FUNCTION_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPERATOR_PRIM_TO_FUNCTION_H_ #include #include @@ -60,4 +60,4 @@ class PrimToFunction { }; } // namespace prim } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPERATOR_PRIM_TO_FUNCTION_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPERATOR_PRIM_TO_FUNCTION_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/ad/adjoint.h b/mindspore/ccsrc/frontend/optimizer/ad/adjoint.h index 37986e6810b..5515ad459ce 100644 --- a/mindspore/ccsrc/frontend/optimizer/ad/adjoint.h +++ b/mindspore/ccsrc/frontend/optimizer/ad/adjoint.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_AD_ADJOINT_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_AD_ADJOINT_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_AD_ADJOINT_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_AD_ADJOINT_H_ #include #include @@ -54,4 +54,4 @@ using AdjointPtr = std::shared_ptr; } // namespace ad } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_AD_ADJOINT_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_AD_ADJOINT_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/ad/dfunctor.h b/mindspore/ccsrc/frontend/optimizer/ad/dfunctor.h index 9ee93334e89..4202ed19297 100644 --- a/mindspore/ccsrc/frontend/optimizer/ad/dfunctor.h +++ b/mindspore/ccsrc/frontend/optimizer/ad/dfunctor.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_AD_D_FUNCTOR_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_AD_D_FUNCTOR_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_AD_D_FUNCTOR_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_AD_D_FUNCTOR_H_ #include #include @@ -207,4 +207,4 @@ FuncGraphPtr KPrim::BpropToK(const T &primal, const FuncGraphPtr &bprop_fg) { } // namespace ad } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_AD_D_FUNCTOR_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_AD_D_FUNCTOR_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/ad/grad.h b/mindspore/ccsrc/frontend/optimizer/ad/grad.h index ee9ab79ffbc..8d3de5e201d 100644 --- a/mindspore/ccsrc/frontend/optimizer/ad/grad.h +++ b/mindspore/ccsrc/frontend/optimizer/ad/grad.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_AD_GRAD_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_AD_GRAD_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_AD_GRAD_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_AD_GRAD_H_ #include #include @@ -35,4 +35,4 @@ void CleanRes(); } // namespace ad } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_AD_GRAD_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_AD_GRAD_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/clean.h b/mindspore/ccsrc/frontend/optimizer/clean.h index 54faabaa636..32736a89515 100644 --- a/mindspore/ccsrc/frontend/optimizer/clean.h +++ b/mindspore/ccsrc/frontend/optimizer/clean.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_CLEAN_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_CLEAN_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_CLEAN_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_CLEAN_H_ #include #include "ir/anf.h" @@ -40,4 +40,4 @@ void EraseTuple(const FuncGraphPtr &root, const FuncGraphManagerPtr &manager); } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_CLEAN_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_CLEAN_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/control_depend.h b/mindspore/ccsrc/frontend/optimizer/control_depend.h index 076e2c02294..60a00e5b51b 100644 --- a/mindspore/ccsrc/frontend/optimizer/control_depend.h +++ b/mindspore/ccsrc/frontend/optimizer/control_depend.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_CONTROL_DEPEND_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_CONTROL_DEPEND_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_CONTROL_DEPEND_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_CONTROL_DEPEND_H_ #include "ir/anf.h" @@ -25,4 +25,4 @@ namespace opt { void AddControlDepend(const FuncGraphPtr &graph); } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_CONTROL_DEPEND_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_CONTROL_DEPEND_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/cse.h b/mindspore/ccsrc/frontend/optimizer/cse.h index 140f5927154..55058f60e81 100644 --- a/mindspore/ccsrc/frontend/optimizer/cse.h +++ b/mindspore/ccsrc/frontend/optimizer/cse.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_CSE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_CSE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_CSE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_CSE_H_ #include #include @@ -58,4 +58,4 @@ BasePtr AbsOf(const AnfNodePtr &node); } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_CSE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_CSE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/graph_kernel_reuse.h b/mindspore/ccsrc/frontend/optimizer/graph_kernel_reuse.h index a79ef3ce6d7..0a786e8ead8 100644 --- a/mindspore/ccsrc/frontend/optimizer/graph_kernel_reuse.h +++ b/mindspore/ccsrc/frontend/optimizer/graph_kernel_reuse.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_GRAPH_KERNEL_OP_REUSE_H -#define MINDSPORE_CCSRC_OPTIMIZER_GRAPH_KERNEL_OP_REUSE_H +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_GRAPH_KERNEL_OP_REUSE_H +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_GRAPH_KERNEL_OP_REUSE_H #include #include @@ -49,4 +49,4 @@ class GraphKernelReuse { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_GRAPH_KERNEL_OP_REUSE_H +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_GRAPH_KERNEL_OP_REUSE_H diff --git a/mindspore/ccsrc/frontend/optimizer/irpass.h b/mindspore/ccsrc/frontend/optimizer/irpass.h index 718302a1e01..fd9dfc4b063 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_H_ #include @@ -192,4 +192,4 @@ inline bool IsCNodeDup(const AnfNodePtr &node) { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/arithmetic_simplify.h b/mindspore/ccsrc/frontend/optimizer/irpass/arithmetic_simplify.h index 3088231396d..2e3fe4c7c5f 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/arithmetic_simplify.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/arithmetic_simplify.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_ARITHMETIC_SIMPLIFY_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_ARITHMETIC_SIMPLIFY_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_ARITHMETIC_SIMPLIFY_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_ARITHMETIC_SIMPLIFY_H_ #include #include @@ -256,4 +256,4 @@ class ArithmeticSimplify2 : public OptimizerCaller { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_ARITHMETIC_SIMPLIFY_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_ARITHMETIC_SIMPLIFY_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/branch_culling.h b/mindspore/ccsrc/frontend/optimizer/irpass/branch_culling.h index b3f3fe4733a..ddf6366e015 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/branch_culling.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/branch_culling.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_BRANCH_CULLING_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_BRANCH_CULLING_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_BRANCH_CULLING_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_BRANCH_CULLING_H_ #include #include @@ -152,4 +152,4 @@ class ConvertSwitchReplacement : public OptimizerCaller { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // #ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_BRANCH_CULLING_H_ +#endif // #ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_BRANCH_CULLING_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/cast_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/cast_eliminate.h index d5222d43103..88996a076e0 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/cast_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/cast_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_CAST_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_CAST_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_CAST_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_CAST_ELIMINATE_H_ #include "ir/visitor.h" #include "frontend/optimizer/irpass.h" @@ -78,4 +78,4 @@ class CastEliminater : public OptimizerCaller { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_CAST_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_CAST_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/convert.h b/mindspore/ccsrc/frontend/optimizer/irpass/convert.h index d887874203b..170b31a724b 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/convert.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/convert.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_CONVERT_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_CONVERT_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_CONVERT_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_CONVERT_H_ #include @@ -59,4 +59,4 @@ class PrintTupleWrapper : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // #ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_CONVERT_H_ +#endif // #ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_CONVERT_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/env_item_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/env_item_eliminate.h index 14fd8743ff0..525cd087d60 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/env_item_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/env_item_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_ENV_ITEM_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_ENV_ITEM_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_ENV_ITEM_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_ENV_ITEM_ELIMINATE_H_ #include #include @@ -361,4 +361,4 @@ class IncorporateEnvGetitemSwitch : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_ENV_ITEM_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_ENV_ITEM_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/grad_var_prepare.h b/mindspore/ccsrc/frontend/optimizer/irpass/grad_var_prepare.h index f6992a87c6b..e7b83a6d5b8 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/grad_var_prepare.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/grad_var_prepare.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_GRAD_VAR_PREPARE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_GRAD_VAR_PREPARE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_GRAD_VAR_PREPARE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_GRAD_VAR_PREPARE_H_ #include #include @@ -51,4 +51,4 @@ class GradVarPrepare : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_GRAD_VAR_PREPARE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_GRAD_VAR_PREPARE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/gradient_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/gradient_eliminate.h index 82312d9e373..a5d515b48b8 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/gradient_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/gradient_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_GRADIENT_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_GRADIENT_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_GRADIENT_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_GRADIENT_ELIMINATE_H_ #include #include @@ -58,4 +58,4 @@ class ExpandJPrim : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_GRADIENT_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_GRADIENT_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/incorporate_call.h b/mindspore/ccsrc/frontend/optimizer/irpass/incorporate_call.h index 2f6404458fb..91763abd4d0 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/incorporate_call.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/incorporate_call.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_INCORPORATE_CALL_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_INCORPORATE_CALL_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_INCORPORATE_CALL_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_INCORPORATE_CALL_H_ #include #include @@ -205,4 +205,4 @@ class IncorporateCallSwitch : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_INCORPORATE_CALL_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_INCORPORATE_CALL_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/incorporate_getitem.h b/mindspore/ccsrc/frontend/optimizer/irpass/incorporate_getitem.h index 828e205e4f8..d1bb62aa15e 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/incorporate_getitem.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/incorporate_getitem.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_INCORPORATE_GETITEM_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_INCORPORATE_GETITEM_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_INCORPORATE_GETITEM_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_INCORPORATE_GETITEM_H_ #include #include @@ -413,4 +413,4 @@ class IncorporateGetitemSet : public OptimizerCaller { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_INCORPORATE_GETITEM_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_INCORPORATE_GETITEM_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/indexed_slices_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/indexed_slices_eliminate.h index dfe345fe01f..821cfd10fb6 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/indexed_slices_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/indexed_slices_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_INDEXED_SLICES_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_INDEXED_SLICES_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_INDEXED_SLICES_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_INDEXED_SLICES_ELIMINATE_H_ #include #include @@ -72,4 +72,4 @@ class IndexedSlicesEliminater : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_INDEXED_SLICES_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_INDEXED_SLICES_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/inline.h b/mindspore/ccsrc/frontend/optimizer/irpass/inline.h index 8cafb268b46..e2f85be11cc 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/inline.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/inline.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_INLINE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_INLINE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_INLINE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_INLINE_H_ #include #include @@ -201,4 +201,4 @@ class Inliner : public InlinerBase { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_INLINE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_INLINE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/item_tuple_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/item_tuple_eliminate.h index 6ae41eaa2a9..6c8a8d1089e 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/item_tuple_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/item_tuple_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_ITEM_TUPLE_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_ITEM_TUPLE_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_ITEM_TUPLE_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_ITEM_TUPLE_ELIMINATE_H_ #include #include @@ -305,4 +305,4 @@ class ItemTupleEliminater : public OptimizerCaller { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_ITEM_TUPLE_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_ITEM_TUPLE_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/mark_interface_fusion.h b/mindspore/ccsrc/frontend/optimizer/irpass/mark_interface_fusion.h index 8d3839bd9e1..545a8758374 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/mark_interface_fusion.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/mark_interface_fusion.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_MARK_INTERFACE_FUSION_H -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_MARK_INTERFACE_FUSION_H +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_MARK_INTERFACE_FUSION_H +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_MARK_INTERFACE_FUSION_H #include #include @@ -83,4 +83,4 @@ class MarkInterfaceFusion : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_MARK_INTERFACE_FUSION_H +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_MARK_INTERFACE_FUSION_H diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/merge_addn.h b/mindspore/ccsrc/frontend/optimizer/irpass/merge_addn.h index a3cf6e22317..0dee80714b1 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/merge_addn.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/merge_addn.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_MERGE_ADDN_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_MERGE_ADDN_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_MERGE_ADDN_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_MERGE_ADDN_H_ #include #include @@ -317,4 +317,4 @@ class AddNEliminater : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_MERGE_ADDN_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_MERGE_ADDN_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/minmax_grad.h b/mindspore/ccsrc/frontend/optimizer/irpass/minmax_grad.h index 658a287234e..5cf4f203d80 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/minmax_grad.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/minmax_grad.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_MINMAX_GRAD_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_MINMAX_GRAD_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_MINMAX_GRAD_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_MINMAX_GRAD_H_ #include #include @@ -107,4 +107,4 @@ class MinMaximumGrad : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_MINMAX_GRAD_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_MINMAX_GRAD_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/param_replace.h b/mindspore/ccsrc/frontend/optimizer/irpass/param_replace.h index 999376e528f..8e72128b939 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/param_replace.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/param_replace.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_PARAM_REPLACE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_PARAM_REPLACE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_PARAM_REPLACE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_PARAM_REPLACE_H_ #include @@ -57,4 +57,4 @@ class ReplaceOldParam : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_PARAM_REPLACE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_PARAM_REPLACE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/partial_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/partial_eliminate.h index 32fc5abc7d0..fa4e680516e 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/partial_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/partial_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_PARTIAL_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_PARTIAL_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_PARTIAL_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_PARTIAL_ELIMINATE_H_ #include #include @@ -76,4 +76,4 @@ class PartialEliminater : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_PARTIAL_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_PARTIAL_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/prim_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/prim_eliminate.h index d8c96825c9a..13b4c6dc3fc 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/prim_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/prim_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_PRIM_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_PRIM_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_PRIM_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_PRIM_ELIMINATE_H_ #include "frontend/optimizer/optimizer.h" #include "frontend/optimizer/irpass.h" @@ -46,4 +46,4 @@ class PrimEliminater : public AnfVisitor { } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_PRIM_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_PRIM_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/reduce_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/reduce_eliminate.h index 78b7d3f4f1c..a5484a4ccd2 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/reduce_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/reduce_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_REDUCE_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_REDUCE_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_REDUCE_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_REDUCE_ELIMINATE_H_ #include #include @@ -157,4 +157,4 @@ class ReduceOneEliminater : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_REDUCE_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_REDUCE_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/ref_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/ref_eliminate.h index 86eb4e761d2..60186ee0ef9 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/ref_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/ref_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_REF_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_REF_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_REF_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_REF_ELIMINATE_H_ #include @@ -91,4 +91,4 @@ class ReplaceRefkeyByParam : public OptimizerCaller { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_REF_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_REF_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/reshape_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/reshape_eliminate.h index 27d4bdad3dc..933fc8db68a 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/reshape_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/reshape_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_RESHAPE_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_RESHAPE_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_RESHAPE_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_RESHAPE_ELIMINATE_H_ #include @@ -151,4 +151,4 @@ class ReshapeEliminater : public OptimizerCaller { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_RESHAPE_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_RESHAPE_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/sparse_tensor_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/sparse_tensor_eliminate.h index ac8f2449f3c..07fb4e80b1f 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/sparse_tensor_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/sparse_tensor_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_SPARSE_TENSOR_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_SPARSE_TENSOR_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_SPARSE_TENSOR_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_SPARSE_TENSOR_ELIMINATE_H_ #include #include @@ -72,4 +72,4 @@ class SparseTensorEliminater : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_SPARSE_TENSOR_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_SPARSE_TENSOR_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/special_op_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/special_op_eliminate.h index 01efa85e8d0..97e3459be41 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/special_op_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/special_op_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_SPECIAL_OP_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_SPECIAL_OP_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_SPECIAL_OP_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_SPECIAL_OP_ELIMINATE_H_ #include #include @@ -207,4 +207,4 @@ class DependValueElim : public OptimizerCaller { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_SPECIAL_OP_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_SPECIAL_OP_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/specialize_transform.h b/mindspore/ccsrc/frontend/optimizer/irpass/specialize_transform.h index d8a15f6d832..650cf33bd81 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/specialize_transform.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/specialize_transform.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_SPECIALIZE_TRANSFORM_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_SPECIALIZE_TRANSFORM_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_SPECIALIZE_TRANSFORM_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_SPECIALIZE_TRANSFORM_H_ #include #include @@ -302,4 +302,4 @@ class UnusedOutputEliminater : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_SPECIALIZE_TRANSFORM_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_SPECIALIZE_TRANSFORM_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/symbol_resolver.h b/mindspore/ccsrc/frontend/optimizer/irpass/symbol_resolver.h index de9e533550f..76da4fe839b 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/symbol_resolver.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/symbol_resolver.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_SYMBOL_RESOLVER_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_SYMBOL_RESOLVER_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_SYMBOL_RESOLVER_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_SYMBOL_RESOLVER_H_ #include #include @@ -93,4 +93,4 @@ class ResolverGetattr : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_SYMBOL_RESOLVER_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_SYMBOL_RESOLVER_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/tile_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/tile_eliminate.h index f561e04c109..f68a3487767 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/tile_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/tile_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_TILE_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_TILE_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_TILE_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_TILE_ELIMINATE_H_ #include #include @@ -74,4 +74,4 @@ class TileMultiplyByOne : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_TILE_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_TILE_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/irpass/transpose_eliminate.h b/mindspore/ccsrc/frontend/optimizer/irpass/transpose_eliminate.h index 70b8898462e..7c7f773d3a6 100644 --- a/mindspore/ccsrc/frontend/optimizer/irpass/transpose_eliminate.h +++ b/mindspore/ccsrc/frontend/optimizer/irpass/transpose_eliminate.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_IRPASS_TRANSPOSE_ELIMINATE_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_IRPASS_TRANSPOSE_ELIMINATE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_TRANSPOSE_ELIMINATE_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_TRANSPOSE_ELIMINATE_H_ #include #include @@ -76,4 +76,4 @@ class TransposeSameIOEliminater : public AnfVisitor { } // namespace irpass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_IRPASS_TRANSPOSE_ELIMINATE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_IRPASS_TRANSPOSE_ELIMINATE_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/opt.h b/mindspore/ccsrc/frontend/optimizer/opt.h index f440cc71dca..e1b2a16d9cf 100644 --- a/mindspore/ccsrc/frontend/optimizer/opt.h +++ b/mindspore/ccsrc/frontend/optimizer/opt.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_OPT_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_OPT_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_OPT_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_OPT_H_ #include #include @@ -75,4 +75,4 @@ class SubstitutionList { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_OPT_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_OPT_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/optimizer.h b/mindspore/ccsrc/frontend/optimizer/optimizer.h index a1f11e74d05..eead0524111 100644 --- a/mindspore/ccsrc/frontend/optimizer/optimizer.h +++ b/mindspore/ccsrc/frontend/optimizer/optimizer.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_OPTIMIZER_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_OPTIMIZER_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_OPTIMIZER_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_OPTIMIZER_H_ #include #include @@ -239,4 +239,4 @@ class Optimizer : public std::enable_shared_from_this { }; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_OPTIMIZER_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_OPTIMIZER_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/pass_group.h b/mindspore/ccsrc/frontend/optimizer/pass_group.h index 08fa8018d68..22b17b81b15 100644 --- a/mindspore/ccsrc/frontend/optimizer/pass_group.h +++ b/mindspore/ccsrc/frontend/optimizer/pass_group.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_PASS_GROUP_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_PASS_GROUP_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_PASS_GROUP_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_PASS_GROUP_H_ #include #include @@ -58,4 +58,4 @@ using PassGroupPtr = std::shared_ptr; } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_PASS_GROUP_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_PASS_GROUP_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/py_pass.h b/mindspore/ccsrc/frontend/optimizer/py_pass.h index b01bf7c942e..fc7fc0dda27 100644 --- a/mindspore/ccsrc/frontend/optimizer/py_pass.h +++ b/mindspore/ccsrc/frontend/optimizer/py_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_PASS_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_PASS_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_PASS_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_PASS_H_ #include #include #include @@ -53,4 +53,4 @@ using PythonPassPtr = std::shared_ptr; } // namespace python_pass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_PASS_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_PASS_H_ diff --git a/mindspore/ccsrc/frontend/optimizer/py_pass_manager.h b/mindspore/ccsrc/frontend/optimizer/py_pass_manager.h index 84868862a7f..acc17626e3e 100644 --- a/mindspore/ccsrc/frontend/optimizer/py_pass_manager.h +++ b/mindspore/ccsrc/frontend/optimizer/py_pass_manager.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_OPTIMIZER_PY_PASS_MANAGER_H_ -#define MINDSPORE_CCSRC_OPTIMIZER_PY_PASS_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_PY_PASS_MANAGER_H_ +#define MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_PY_PASS_MANAGER_H_ #include #include @@ -63,4 +63,4 @@ class PyPassManager { } // namespace python_pass } // namespace opt } // namespace mindspore -#endif // MINDSPORE_CCSRC_OPTIMIZER_PY_PASS_MANAGER_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_OPTIMIZER_PY_PASS_MANAGER_H_ diff --git a/mindspore/ccsrc/frontend/parallel/allreduce_fusion/allreduce_fusion.h b/mindspore/ccsrc/frontend/parallel/allreduce_fusion/allreduce_fusion.h index 7383c477a6f..412673e7bed 100644 --- a/mindspore/ccsrc/frontend/parallel/allreduce_fusion/allreduce_fusion.h +++ b/mindspore/ccsrc/frontend/parallel/allreduce_fusion/allreduce_fusion.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_FUSION_H_ -#define MINDSPORE_CCSRC_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_FUSION_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_FUSION_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_FUSION_H_ #include #include @@ -76,4 +76,4 @@ class AllreduceFusion { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_FUSION_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_FUSION_H_ diff --git a/mindspore/ccsrc/frontend/parallel/allreduce_fusion/allreduce_graph.h b/mindspore/ccsrc/frontend/parallel/allreduce_fusion/allreduce_graph.h index a47039f070f..89081ed1893 100644 --- a/mindspore/ccsrc/frontend/parallel/allreduce_fusion/allreduce_graph.h +++ b/mindspore/ccsrc/frontend/parallel/allreduce_fusion/allreduce_graph.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_GRAPH_H_ -#define MINDSPORE_CCSRC_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_GRAPH_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_GRAPH_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_GRAPH_H_ #include #include @@ -82,4 +82,4 @@ class AllreduceGraph { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_GRAPH_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_GRAPH_H_ diff --git a/mindspore/ccsrc/frontend/parallel/allreduce_fusion/allreduce_node.h b/mindspore/ccsrc/frontend/parallel/allreduce_fusion/allreduce_node.h index 6538381f274..6741461b243 100644 --- a/mindspore/ccsrc/frontend/parallel/allreduce_fusion/allreduce_node.h +++ b/mindspore/ccsrc/frontend/parallel/allreduce_fusion/allreduce_node.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_NODE_H_ -#define MINDSPORE_CCSRC_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_NODE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_NODE_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_NODE_H_ #include #include @@ -63,4 +63,4 @@ class AllreduceNode { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_NODE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_ALLREDUCE_FUSION_ALLREDUCE_NODE_H_ diff --git a/mindspore/ccsrc/frontend/parallel/allreduce_fusion/step_allreduce_fusion.h b/mindspore/ccsrc/frontend/parallel/allreduce_fusion/step_allreduce_fusion.h index 2612e71984f..a5696451421 100644 --- a/mindspore/ccsrc/frontend/parallel/allreduce_fusion/step_allreduce_fusion.h +++ b/mindspore/ccsrc/frontend/parallel/allreduce_fusion/step_allreduce_fusion.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_ALLREDUCE_FUSION_STEP_ALLREDUCE_FUSION_H_ -#define MINDSPORE_CCSRC_PARALLEL_ALLREDUCE_FUSION_STEP_ALLREDUCE_FUSION_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_ALLREDUCE_FUSION_STEP_ALLREDUCE_FUSION_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_ALLREDUCE_FUSION_STEP_ALLREDUCE_FUSION_H_ #include "frontend/optimizer/optimizer.h" @@ -29,4 +29,4 @@ bool StepAllreduceFusion(const FuncGraphPtr &root, const opt::OptimizerPtr &opti } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_ALLREDUCE_FUSION_STEP_ALLREDUCE_FUSION_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_ALLREDUCE_FUSION_STEP_ALLREDUCE_FUSION_H_ diff --git a/mindspore/ccsrc/frontend/parallel/auto_parallel/costmodel.h b/mindspore/ccsrc/frontend/parallel/auto_parallel/costmodel.h index cc4508681bf..bcd5f78532f 100644 --- a/mindspore/ccsrc/frontend/parallel/auto_parallel/costmodel.h +++ b/mindspore/ccsrc/frontend/parallel/auto_parallel/costmodel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_AUTO_PARALLEL_COSTMODEL_H_ -#define MINDSPORE_CCSRC_PARALLEL_AUTO_PARALLEL_COSTMODEL_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_AUTO_PARALLEL_COSTMODEL_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_AUTO_PARALLEL_COSTMODEL_H_ #include #include @@ -308,4 +308,4 @@ void RefineForPracticalCost(const CostPtr &, bool is_redistribution); } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_AUTO_PARALLEL_COSTMODEL_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_AUTO_PARALLEL_COSTMODEL_H_ diff --git a/mindspore/ccsrc/frontend/parallel/auto_parallel/dp_algo_costmodel.h b/mindspore/ccsrc/frontend/parallel/auto_parallel/dp_algo_costmodel.h index 812f375f0bd..4281bbd06a4 100644 --- a/mindspore/ccsrc/frontend/parallel/auto_parallel/dp_algo_costmodel.h +++ b/mindspore/ccsrc/frontend/parallel/auto_parallel/dp_algo_costmodel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_AUTO_PARALLEL_DP_ALGO_COSTMODEL_H_ -#define MINDSPORE_CCSRC_PARALLEL_AUTO_PARALLEL_DP_ALGO_COSTMODEL_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_AUTO_PARALLEL_DP_ALGO_COSTMODEL_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_AUTO_PARALLEL_DP_ALGO_COSTMODEL_H_ #include #include @@ -149,4 +149,4 @@ Status RecoverStrategy(std::vector eliminations); } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_AUTO_PARALLEL_DP_ALGO_COSTMODEL_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_AUTO_PARALLEL_DP_ALGO_COSTMODEL_H_ diff --git a/mindspore/ccsrc/frontend/parallel/auto_parallel/graph_costmodel.h b/mindspore/ccsrc/frontend/parallel/auto_parallel/graph_costmodel.h index 87f13e3383d..7f350264078 100644 --- a/mindspore/ccsrc/frontend/parallel/auto_parallel/graph_costmodel.h +++ b/mindspore/ccsrc/frontend/parallel/auto_parallel/graph_costmodel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_AUTO_PARALLEL_GRAPH_COSTMODEL_H_ -#define MINDSPORE_CCSRC_PARALLEL_AUTO_PARALLEL_GRAPH_COSTMODEL_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_AUTO_PARALLEL_GRAPH_COSTMODEL_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_AUTO_PARALLEL_GRAPH_COSTMODEL_H_ #include #include @@ -235,4 +235,4 @@ class CostGraph { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_AUTO_PARALLEL_GRAPH_COSTMODEL_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_AUTO_PARALLEL_GRAPH_COSTMODEL_H_ diff --git a/mindspore/ccsrc/frontend/parallel/context.h b/mindspore/ccsrc/frontend/parallel/context.h index 1bb40d5c290..072e32013e3 100644 --- a/mindspore/ccsrc/frontend/parallel/context.h +++ b/mindspore/ccsrc/frontend/parallel/context.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_CONTEXT_H_ -#define MINDSPORE_CCSRC_PARALLEL_CONTEXT_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_CONTEXT_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_CONTEXT_H_ #include #include @@ -139,4 +139,4 @@ void ParallelParameterContextCkptInTraining(const FuncGraphPtr &func_graph, cons } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_CONTEXT_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_CONTEXT_H_ diff --git a/mindspore/ccsrc/frontend/parallel/costmodel_context.h b/mindspore/ccsrc/frontend/parallel/costmodel_context.h index bddab683ff8..6548e36efc4 100644 --- a/mindspore/ccsrc/frontend/parallel/costmodel_context.h +++ b/mindspore/ccsrc/frontend/parallel/costmodel_context.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_COSTMODEL_CONTEXT_H_ -#define MINDSPORE_CCSRC_PARALLEL_COSTMODEL_CONTEXT_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_COSTMODEL_CONTEXT_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_COSTMODEL_CONTEXT_H_ #include #include @@ -178,4 +178,4 @@ class CostModelContext { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_COSTMODEL_CONTEXT_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_COSTMODEL_CONTEXT_H_ diff --git a/mindspore/ccsrc/frontend/parallel/device.h b/mindspore/ccsrc/frontend/parallel/device.h index c9633623d26..c69438b23ef 100644 --- a/mindspore/ccsrc/frontend/parallel/device.h +++ b/mindspore/ccsrc/frontend/parallel/device.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_DEVICE_H_ -#define MINDSPORE_CCSRC_PARALLEL_DEVICE_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_DEVICE_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_DEVICE_H_ #include #include @@ -42,4 +42,4 @@ class Device { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_DEVICE_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_DEVICE_H_ diff --git a/mindspore/ccsrc/frontend/parallel/device_manager.h b/mindspore/ccsrc/frontend/parallel/device_manager.h index 654acd9dffc..bf8ba03fc1f 100644 --- a/mindspore/ccsrc/frontend/parallel/device_manager.h +++ b/mindspore/ccsrc/frontend/parallel/device_manager.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_DEVICE_MANAGER_H_ -#define MINDSPORE_CCSRC_PARALLEL_DEVICE_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_DEVICE_MANAGER_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_DEVICE_MANAGER_H_ #include #include @@ -127,4 +127,4 @@ class DeviceManager { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_DEVICE_MANAGER_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_DEVICE_MANAGER_H_ diff --git a/mindspore/ccsrc/frontend/parallel/device_matrix.h b/mindspore/ccsrc/frontend/parallel/device_matrix.h index f1e7acec395..95d7d632b69 100644 --- a/mindspore/ccsrc/frontend/parallel/device_matrix.h +++ b/mindspore/ccsrc/frontend/parallel/device_matrix.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_DEVICE_MATRIX_H_ -#define MINDSPORE_CCSRC_PARALLEL_DEVICE_MATRIX_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_DEVICE_MATRIX_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_DEVICE_MATRIX_H_ #include #include @@ -52,4 +52,4 @@ std::string ListToString(const std::vector &list); } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_DEVICE_MATRIX_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_DEVICE_MATRIX_H_ diff --git a/mindspore/ccsrc/frontend/parallel/dynamic_creator.h b/mindspore/ccsrc/frontend/parallel/dynamic_creator.h index 3ba40fade97..5315ee6517a 100644 --- a/mindspore/ccsrc/frontend/parallel/dynamic_creator.h +++ b/mindspore/ccsrc/frontend/parallel/dynamic_creator.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_DYNAMIC_CREATOR_H_ -#define MINDSPORE_CCSRC_PARALLEL_DYNAMIC_CREATOR_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_DYNAMIC_CREATOR_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_DYNAMIC_CREATOR_H_ #include #include @@ -136,4 +136,4 @@ REGISTER(EmbeddingLookupInfo); } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_DYNAMIC_CREATOR_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_DYNAMIC_CREATOR_H_ diff --git a/mindspore/ccsrc/frontend/parallel/graph_util/generate_graph.h b/mindspore/ccsrc/frontend/parallel/graph_util/generate_graph.h index b3ef54a22ec..b6e417fab84 100644 --- a/mindspore/ccsrc/frontend/parallel/graph_util/generate_graph.h +++ b/mindspore/ccsrc/frontend/parallel/graph_util/generate_graph.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_GRAPH_UTIL_GENERATE_GRAPH_H_ -#define MINDSPORE_CCSRC_PARALLEL_GRAPH_UTIL_GENERATE_GRAPH_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_GRAPH_UTIL_GENERATE_GRAPH_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_GRAPH_UTIL_GENERATE_GRAPH_H_ #include #include @@ -66,4 +66,4 @@ class GenerateGraph { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_GRAPH_UTIL_GENERATE_GRAPH_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_GRAPH_UTIL_GENERATE_GRAPH_H_ diff --git a/mindspore/ccsrc/frontend/parallel/graph_util/get_parallel_info.h b/mindspore/ccsrc/frontend/parallel/graph_util/get_parallel_info.h index e34d628b2b8..083e27243aa 100644 --- a/mindspore/ccsrc/frontend/parallel/graph_util/get_parallel_info.h +++ b/mindspore/ccsrc/frontend/parallel/graph_util/get_parallel_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_GRAPH_UTIL_GET_GRAPH_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_GRAPH_UTIL_GET_GRAPH_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_GRAPH_UTIL_GET_GRAPH_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_GRAPH_UTIL_GET_GRAPH_INFO_H_ #include "pybind11/stl.h" #include "pybind11/pybind11.h" @@ -30,4 +30,4 @@ py::dict GetAllreduceFusion(const FuncGraphPtr &graph); } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_GRAPH_UTIL_GET_GRAPH_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_GRAPH_UTIL_GET_GRAPH_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/graph_util/graph_info.h b/mindspore/ccsrc/frontend/parallel/graph_util/graph_info.h index de800f09812..a8837fe2658 100644 --- a/mindspore/ccsrc/frontend/parallel/graph_util/graph_info.h +++ b/mindspore/ccsrc/frontend/parallel/graph_util/graph_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_GRAPH_UTIL_GRAPH_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_GRAPH_UTIL_GRAPH_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_GRAPH_UTIL_GRAPH_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_GRAPH_UTIL_GRAPH_INFO_H_ #include #include @@ -29,4 +29,4 @@ void DumpGraph(const FuncGraphPtr &root, const std::string &name); } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_GRAPH_UTIL_GRAPH_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_GRAPH_UTIL_GRAPH_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/graph_util/node_info.h b/mindspore/ccsrc/frontend/parallel/graph_util/node_info.h index 6037c466cdb..ea97747e1dc 100644 --- a/mindspore/ccsrc/frontend/parallel/graph_util/node_info.h +++ b/mindspore/ccsrc/frontend/parallel/graph_util/node_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_GRAPH_UTIL_NODE_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_GRAPH_UTIL_NODE_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_GRAPH_UTIL_NODE_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_GRAPH_UTIL_NODE_INFO_H_ #include #include "base/base.h" @@ -28,4 +28,4 @@ bool ParameterRequireGrad(const AnfNodePtr &node_ptr); } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_GRAPH_UTIL_NODE_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_GRAPH_UTIL_NODE_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/group_manager.h b/mindspore/ccsrc/frontend/parallel/group_manager.h index b9cf9663b04..5d4eaef8153 100644 --- a/mindspore/ccsrc/frontend/parallel/group_manager.h +++ b/mindspore/ccsrc/frontend/parallel/group_manager.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_GROUP_MANAGER_H_ -#define MINDSPORE_CCSRC_PARALLEL_GROUP_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_GROUP_MANAGER_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_GROUP_MANAGER_H_ #include #include @@ -72,4 +72,4 @@ class GroupManager { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_GROUP_MANAGER_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_GROUP_MANAGER_H_ diff --git a/mindspore/ccsrc/frontend/parallel/node_check.h b/mindspore/ccsrc/frontend/parallel/node_check.h index 8b628f31b12..ac8f79ee123 100644 --- a/mindspore/ccsrc/frontend/parallel/node_check.h +++ b/mindspore/ccsrc/frontend/parallel/node_check.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_NODE_CHECK_H_ -#define MINDSPORE_CCSRC_PARALLEL_NODE_CHECK_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_NODE_CHECK_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_NODE_CHECK_H_ #include "ir/primitive.h" @@ -25,4 +25,4 @@ bool IsInBlackList(const PrimitivePtr &prim); } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_NODE_CHECK_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_NODE_CHECK_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/activation_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/activation_info.h index a74707efbe1..77e10d63221 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/activation_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/activation_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_ACTIVATION_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_ACTIVATION_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_ACTIVATION_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_ACTIVATION_INFO_H_ #include #include @@ -221,4 +221,4 @@ class SigmoidInfo : public ActivationOther { }; } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_ACTIVATION_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_ACTIVATION_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/arithmetic_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/arithmetic_info.h index 1d347e4ec1c..c3f8226e925 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/arithmetic_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/arithmetic_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_ARITHMETIC_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_ARITHMETIC_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_ARITHMETIC_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_ARITHMETIC_INFO_H_ #include #include @@ -132,4 +132,4 @@ class SigmoidCrossEntropyWithLogitsInfo : public ArithmeticBase { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_ARITHMETIC_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_ARITHMETIC_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/batch_parallel_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/batch_parallel_info.h index 0ba30c385a2..3d47b53b543 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/batch_parallel_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/batch_parallel_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_BATCH_PARALLEL_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_BATCH_PARALLEL_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_BATCH_PARALLEL_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_BATCH_PARALLEL_INFO_H_ #include #include @@ -69,4 +69,4 @@ class SparseSoftmaxCrossEntropyWithLogitsInfo : public BatchParallelInfo { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_BATCH_PARALLEL_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_BATCH_PARALLEL_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/bias_add_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/bias_add_info.h index 3ede65a3ba9..62045e0dcc7 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/bias_add_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/bias_add_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_BIAS_ADD_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_BIAS_ADD_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_BIAS_ADD_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_BIAS_ADD_INFO_H_ #include @@ -56,4 +56,4 @@ class BiasAddInfo : public OperatorInfo { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_BIAS_ADD_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_BIAS_ADD_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/comparison_function_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/comparison_function_info.h index 28298898466..e2cbf3f6c78 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/comparison_function_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/comparison_function_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_COMPARISON_FUNCTION_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_COMPARISON_FUNCTION_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_COMPARISON_FUNCTION_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_COMPARISON_FUNCTION_INFO_H_ #include #include @@ -62,4 +62,4 @@ class MinimumInfo : public ArithmeticBase { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_COMPARISON_FUNCTION_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_COMPARISON_FUNCTION_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/dropout_do_mask_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/dropout_do_mask_info.h index ea7d5900711..5dd27f7e7d6 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/dropout_do_mask_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/dropout_do_mask_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_DROPOUT_DO_MASK_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_DROPOUT_DO_MASK_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_DROPOUT_DO_MASK_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_DROPOUT_DO_MASK_INFO_H_ #include #include @@ -57,4 +57,4 @@ using DropoutDoMaskInfoPtr = std::shared_ptr; } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_DROPOUT_DO_MASK_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_DROPOUT_DO_MASK_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/elementary_function_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/elementary_function_info.h index e25da9e7430..77d798d20fe 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/elementary_function_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/elementary_function_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_ELEMENTARY_FUNCTION_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_ELEMENTARY_FUNCTION_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_ELEMENTARY_FUNCTION_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_ELEMENTARY_FUNCTION_INFO_H_ #include #include @@ -66,4 +66,4 @@ class LogicalNotInfo : public ActivationOther { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_ELEMENTARY_FUNCTION_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_ELEMENTARY_FUNCTION_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/gather_v2_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/gather_v2_info.h index b3dc0fab87e..188059023fe 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/gather_v2_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/gather_v2_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_GATHER_V2_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_GATHER_V2_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_GATHER_V2_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_GATHER_V2_INFO_H_ #include #include @@ -70,4 +70,4 @@ class GatherV2Info : public OperatorInfo { }; } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_GATHER_V2_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_GATHER_V2_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/gather_v2_p_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/gather_v2_p_info.h index eb26c616d0f..5c7ae10eb2e 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/gather_v2_p_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/gather_v2_p_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_GATHER_V2_P_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_GATHER_V2_P_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_GATHER_V2_P_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_GATHER_V2_P_INFO_H_ #include #include @@ -97,4 +97,4 @@ class EmbeddingLookupInfo : public GatherV2PInfo { }; } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_GATHER_V2_P_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_GATHER_V2_P_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/get_next_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/get_next_info.h index 36e7a0fcb3f..bf30529aaf9 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/get_next_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/get_next_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_GETNEXT_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_GETNEXT_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_GETNEXT_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_GETNEXT_INFO_H_ #include #include @@ -66,4 +66,4 @@ class GetNextInfo : public OperatorInfo { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_GETNEXT_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_GETNEXT_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/l2_normalize_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/l2_normalize_info.h index c74dde4b4bb..1e3442e9e37 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/l2_normalize_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/l2_normalize_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_L2_NORMALIZE_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_L2_NORMALIZE_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_L2_NORMALIZE_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_L2_NORMALIZE_INFO_H_ #include #include @@ -47,4 +47,4 @@ class L2NormalizeInfo : public Activation { }; } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_L2_NORMALIZE_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_L2_NORMALIZE_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/layer_norm_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/layer_norm_info.h index 9ee11bb215f..908c3f587b8 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/layer_norm_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/layer_norm_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_LAYER_NORM_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_LAYER_NORM_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_LAYER_NORM_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_LAYER_NORM_INFO_H_ #include #include @@ -73,4 +73,4 @@ class LayerNormInfo : public OperatorInfo { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_LAYER_NORM_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_LAYER_NORM_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/loss_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/loss_info.h index 7e5478bedf0..99d5c23e214 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/loss_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/loss_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_LOSS_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_LOSS_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_LOSS_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_LOSS_INFO_H_ #include #include @@ -64,4 +64,4 @@ class SoftmaxCrossEntropyWithLogitsInfo : public OperatorInfo { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_LOSS_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_LOSS_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/matmul_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/matmul_info.h index 16f75abafce..3a5c86a01ed 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/matmul_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/matmul_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_MATMUL_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_MATMUL_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_MATMUL_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_MATMUL_INFO_H_ #include #include @@ -94,4 +94,4 @@ class BatchMatMulInfo : public MatMul { }; } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_MATMUL_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_MATMUL_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/onehot_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/onehot_info.h index dfd7e6cbafb..c33aaed2732 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/onehot_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/onehot_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_ONEHOT_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_ONEHOT_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_ONEHOT_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_ONEHOT_INFO_H_ #include #include @@ -65,4 +65,4 @@ class OneHotInfo : public OperatorInfo { }; } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_ONEHOT_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_ONEHOT_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/operator_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/operator_info.h index 8641c474913..bc1c475b93a 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/operator_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/operator_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_OPERATOR_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_OPERATOR_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_OPERATOR_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_OPERATOR_INFO_H_ #include #include @@ -286,4 +286,4 @@ Shapes GetRefKeyNodeShape(const AnfNodePtr &node, const FuncGraphPtr &func_graph } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_OPERATOR_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_OPERATOR_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/ops_info_head_files.h b/mindspore/ccsrc/frontend/parallel/ops_info/ops_info_head_files.h index bc732ed2340..e085d5f82c8 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/ops_info_head_files.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/ops_info_head_files.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_OPS_INFO_HEAD_FILES_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_OPS_INFO_HEAD_FILES_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_OPS_INFO_HEAD_FILES_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_OPS_INFO_HEAD_FILES_H_ #include "frontend/parallel/ops_info/activation_info.h" #include "frontend/parallel/ops_info/arithmetic_info.h" @@ -38,4 +38,4 @@ #include "frontend/parallel/ops_info/virtual_dataset_info.h" #include "frontend/parallel/ops_info/gather_v2_p_info.h" -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_HEAD_FILES_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_HEAD_FILES_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/ops_utils.h b/mindspore/ccsrc/frontend/parallel/ops_info/ops_utils.h index 732d25f06b7..434ddce6f13 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/ops_utils.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/ops_utils.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_OPS_UTILS_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_OPS_UTILS_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_OPS_UTILS_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_OPS_UTILS_H_ namespace mindspore { namespace parallel { @@ -295,4 +295,4 @@ constexpr size_t THIRD_FROM_END(size_t s) { return s - 3; } } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_OPS_UTILS_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_OPS_UTILS_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/prelu_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/prelu_info.h index e6e5e23bacd..49d298e73b7 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/prelu_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/prelu_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_PRELU_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_PRELU_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_PRELU_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_PRELU_INFO_H_ #include #include @@ -60,4 +60,4 @@ class PReLUInfo : public OperatorInfo { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_PRELU_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_PRELU_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/reduce_method_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/reduce_method_info.h index ed9ab0721dd..56a83d61d59 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/reduce_method_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/reduce_method_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_REDUCE_SUM_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_REDUCE_SUM_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_REDUCE_SUM_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_REDUCE_SUM_INFO_H_ #include #include @@ -138,4 +138,4 @@ class ReduceMinInfo : public ReduceMethod { }; } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_REDUCE_SUM_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_REDUCE_SUM_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/reshape_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/reshape_info.h index c9c28602cc7..4583dc981e5 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/reshape_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/reshape_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_RESHAPE_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_RESHAPE_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_RESHAPE_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_RESHAPE_INFO_H_ #include @@ -105,4 +105,4 @@ class ReshapeInfo : public OperatorInfo { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_RESHAPE_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_RESHAPE_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/tmp_identity_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/tmp_identity_info.h index 7f73f811805..474e18db20f 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/tmp_identity_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/tmp_identity_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_TMP_IDENTITY_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_TMP_IDENTITY_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_TMP_IDENTITY_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_TMP_IDENTITY_INFO_H_ #include #include @@ -55,4 +55,4 @@ class TmpIdentityInfo : public OperatorInfo { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_TMP_IDENTITY_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_TMP_IDENTITY_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ops_info/transpose_info.h b/mindspore/ccsrc/frontend/parallel/ops_info/transpose_info.h index d3b62dc2349..0d017c18214 100644 --- a/mindspore/ccsrc/frontend/parallel/ops_info/transpose_info.h +++ b/mindspore/ccsrc/frontend/parallel/ops_info/transpose_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_OPS_INFO_TRANSPOSE_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_OPS_INFO_TRANSPOSE_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_TRANSPOSE_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_TRANSPOSE_INFO_H_ #include #include @@ -61,4 +61,4 @@ class TransposeInfo : public OperatorInfo { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_OPS_INFO_TRANSPOSE_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_OPS_INFO_TRANSPOSE_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ps/common.h b/mindspore/ccsrc/frontend/parallel/ps/common.h index 5e136c816f2..bcd9a3a65ca 100644 --- a/mindspore/ccsrc/frontend/parallel/ps/common.h +++ b/mindspore/ccsrc/frontend/parallel/ps/common.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_COMMON_H_ -#define MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_COMMON_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_COMMON_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_COMMON_H_ #include #include @@ -84,4 +84,4 @@ using InputsShapePtr = std::shared_ptr #include "backend/kernel_compiler/kernel.h" @@ -115,4 +115,4 @@ class SparseFtrlOptimInfo : public SparseOptimInfo { } // namespace ps } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_OPTIMIZER_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_OPTIMIZER_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ps/optimizer_info_builder.h b/mindspore/ccsrc/frontend/parallel/ps/optimizer_info_builder.h index 5a12799775e..03b842ed339 100644 --- a/mindspore/ccsrc/frontend/parallel/ps/optimizer_info_builder.h +++ b/mindspore/ccsrc/frontend/parallel/ps/optimizer_info_builder.h @@ -14,7 +14,7 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_OPTIMIZER_INFO_BUILDER_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_OPTIMIZER_INFO_BUILDER_H_ #include #include @@ -63,4 +63,4 @@ class SparseFtrlOptimInfoBuilder : public OptimizerInfoBuilder { } // namespace ps } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_OPTIMIZER_INFO_BUILDER_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_OPTIMIZER_INFO_BUILDER_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ps/parameter_server.h b/mindspore/ccsrc/frontend/parallel/ps/parameter_server.h index 56c9e34879e..182ff8d3606 100755 --- a/mindspore/ccsrc/frontend/parallel/ps/parameter_server.h +++ b/mindspore/ccsrc/frontend/parallel/ps/parameter_server.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_PARAMETER_SERVER_H_ -#define MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_PARAMETER_SERVER_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_PARAMETER_SERVER_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_PARAMETER_SERVER_H_ #include #include @@ -551,4 +551,4 @@ void ParameterServer::Run(const FuncGraphPtr &func_graph) { } // namespace ps } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_PARAMETER_SERVER_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_PARAMETER_SERVER_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ps/scheduler.h b/mindspore/ccsrc/frontend/parallel/ps/scheduler.h index e656bcfd22c..4ec0b137cff 100755 --- a/mindspore/ccsrc/frontend/parallel/ps/scheduler.h +++ b/mindspore/ccsrc/frontend/parallel/ps/scheduler.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_SCHEDULER_H_ -#define MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_SCHEDULER_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_SCHEDULER_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_SCHEDULER_H_ namespace mindspore { namespace parallel { namespace ps { @@ -37,4 +37,4 @@ class Scheduler { } // namespace ps } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_SCHEDULER_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_SCHEDULER_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ps/util.h b/mindspore/ccsrc/frontend/parallel/ps/util.h index 8947ad36dea..2649f452e12 100644 --- a/mindspore/ccsrc/frontend/parallel/ps/util.h +++ b/mindspore/ccsrc/frontend/parallel/ps/util.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_UTIL_H_ -#define MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_UTIL_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_UTIL_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_UTIL_H_ #include #include @@ -44,4 +44,4 @@ class Util { } // namespace ps } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_UTIL_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_UTIL_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ps/worker.h b/mindspore/ccsrc/frontend/parallel/ps/worker.h index 13cfef4d9f8..836377dd10e 100644 --- a/mindspore/ccsrc/frontend/parallel/ps/worker.h +++ b/mindspore/ccsrc/frontend/parallel/ps/worker.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_WORKER_H_ -#define MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_WORKER_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_WORKER_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_WORKER_H_ #include #include @@ -257,4 +257,4 @@ void Worker::AddEmbeddingTable(const ::ps::Key &key, const size_t &row_count) } // namespace ps } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_WORKER_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_WORKER_H_ diff --git a/mindspore/ccsrc/frontend/parallel/ps/worker_proxy.h b/mindspore/ccsrc/frontend/parallel/ps/worker_proxy.h index 6d68419383c..055c87670ed 100644 --- a/mindspore/ccsrc/frontend/parallel/ps/worker_proxy.h +++ b/mindspore/ccsrc/frontend/parallel/ps/worker_proxy.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_WORKER_PROXY_H_ -#define MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_WORKER_PROXY_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_WORKER_PROXY_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_WORKER_PROXY_H_ #include #include @@ -294,4 +294,4 @@ void WorkerProxy::Send(::ps::Customer *customer, int timestamp, bool push, bo } // namespace ps } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PARALLEL_PS_WORKER_PROXY_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_PS_WORKER_PROXY_H_ diff --git a/mindspore/ccsrc/frontend/parallel/status.h b/mindspore/ccsrc/frontend/parallel/status.h index 6bfe9f0e72b..e066b796359 100644 --- a/mindspore/ccsrc/frontend/parallel/status.h +++ b/mindspore/ccsrc/frontend/parallel/status.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_STATUS_H_ -#define MINDSPORE_CCSRC_PARALLEL_STATUS_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_STATUS_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_STATUS_H_ #include @@ -29,4 +29,4 @@ enum Status { } } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_STATUS_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_STATUS_H_ diff --git a/mindspore/ccsrc/frontend/parallel/step_parallel.h b/mindspore/ccsrc/frontend/parallel/step_parallel.h index f9fe67ea6be..4f20042d003 100644 --- a/mindspore/ccsrc/frontend/parallel/step_parallel.h +++ b/mindspore/ccsrc/frontend/parallel/step_parallel.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_STEP_PARALLEL_H_ -#define MINDSPORE_CCSRC_PARALLEL_STEP_PARALLEL_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_STEP_PARALLEL_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_STEP_PARALLEL_H_ #include @@ -152,4 +152,4 @@ std::set ForwardGraph(const FuncGraphPtr &root); } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_STEP_PARALLEL_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_STEP_PARALLEL_H_ diff --git a/mindspore/ccsrc/frontend/parallel/strategy.h b/mindspore/ccsrc/frontend/parallel/strategy.h index ca01164a6a4..dfcf56de2ff 100644 --- a/mindspore/ccsrc/frontend/parallel/strategy.h +++ b/mindspore/ccsrc/frontend/parallel/strategy.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_STRATEGY_H_ -#define MINDSPORE_CCSRC_PARALLEL_STRATEGY_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_STRATEGY_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_STRATEGY_H_ #include #include @@ -71,4 +71,4 @@ inline StrategyPtr NewStrategy(const int32_t stage, const std::vector #include @@ -55,4 +55,4 @@ class StrategyCheckpoint { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_STRATEGY_CHEKCPOINT_PARALLEL_STRATEGY_CHECKPOINT_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_STRATEGY_CHEKCPOINT_PARALLEL_STRATEGY_CHECKPOINT_H_ diff --git a/mindspore/ccsrc/frontend/parallel/tensor_layout/arrangement.h b/mindspore/ccsrc/frontend/parallel/tensor_layout/arrangement.h index ab807fb20a1..7d294f3b0b8 100644 --- a/mindspore/ccsrc/frontend/parallel/tensor_layout/arrangement.h +++ b/mindspore/ccsrc/frontend/parallel/tensor_layout/arrangement.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_ARRANGEMENT_H_ -#define MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_ARRANGEMENT_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_ARRANGEMENT_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_ARRANGEMENT_H_ #include #include @@ -55,4 +55,4 @@ class Arrangement : public Array { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_ARRANGEMENT_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_ARRANGEMENT_H_ diff --git a/mindspore/ccsrc/frontend/parallel/tensor_layout/array.h b/mindspore/ccsrc/frontend/parallel/tensor_layout/array.h index 13b3982a189..4cdd49620b9 100644 --- a/mindspore/ccsrc/frontend/parallel/tensor_layout/array.h +++ b/mindspore/ccsrc/frontend/parallel/tensor_layout/array.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_ARRAY_H_ -#define MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_ARRAY_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_ARRAY_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_ARRAY_H_ #include #include @@ -45,4 +45,4 @@ class Array { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_ARRAY_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_ARRAY_H_ diff --git a/mindspore/ccsrc/frontend/parallel/tensor_layout/construct_operator.h b/mindspore/ccsrc/frontend/parallel/tensor_layout/construct_operator.h index cef2b3aa420..f7e527ae00b 100644 --- a/mindspore/ccsrc/frontend/parallel/tensor_layout/construct_operator.h +++ b/mindspore/ccsrc/frontend/parallel/tensor_layout/construct_operator.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_CONSTRUCT_OPERATOR_H_ -#define MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_CONSTRUCT_OPERATOR_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_CONSTRUCT_OPERATOR_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_CONSTRUCT_OPERATOR_H_ #include #include @@ -56,4 +56,4 @@ class ConstructOperator { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_CONSTRUCT_OPERATOR_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_CONSTRUCT_OPERATOR_H_ diff --git a/mindspore/ccsrc/frontend/parallel/tensor_layout/layout_transfer.h b/mindspore/ccsrc/frontend/parallel/tensor_layout/layout_transfer.h index 01c56fc7cff..6c3dcab4dbd 100644 --- a/mindspore/ccsrc/frontend/parallel/tensor_layout/layout_transfer.h +++ b/mindspore/ccsrc/frontend/parallel/tensor_layout/layout_transfer.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_LAYOUT_TRANSFER_H_ -#define MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_LAYOUT_TRANSFER_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_LAYOUT_TRANSFER_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_LAYOUT_TRANSFER_H_ #include #include "frontend/parallel/status.h" @@ -45,4 +45,4 @@ class LayoutTransfer { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_LAYOUT_TRANSFER_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_LAYOUT_TRANSFER_H_ diff --git a/mindspore/ccsrc/frontend/parallel/tensor_layout/map.h b/mindspore/ccsrc/frontend/parallel/tensor_layout/map.h index 3d299d4b90f..b429fcbaf20 100644 --- a/mindspore/ccsrc/frontend/parallel/tensor_layout/map.h +++ b/mindspore/ccsrc/frontend/parallel/tensor_layout/map.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_MAP_H_ -#define MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_MAP_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_MAP_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_MAP_H_ #include #include @@ -49,4 +49,4 @@ class Map : public Array { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_MAP_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_MAP_H_ diff --git a/mindspore/ccsrc/frontend/parallel/tensor_layout/redistribution_layout_transfer.h b/mindspore/ccsrc/frontend/parallel/tensor_layout/redistribution_layout_transfer.h index 0347b6423aa..589eea23833 100644 --- a/mindspore/ccsrc/frontend/parallel/tensor_layout/redistribution_layout_transfer.h +++ b/mindspore/ccsrc/frontend/parallel/tensor_layout/redistribution_layout_transfer.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_REDISTRIBUTION_LAYOUT_TRANSFER_H_ -#define MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_REDISTRIBUTION_LAYOUT_TRANSFER_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_REDISTRIBUTION_LAYOUT_TRANSFER_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_REDISTRIBUTION_LAYOUT_TRANSFER_H_ #include #include "frontend/parallel/status.h" @@ -37,4 +37,4 @@ class RedistributionLayoutTransfer : public LayoutTransfer { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_REDISTRIBUTION_LAYOUT_TRANSFER_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_REDISTRIBUTION_LAYOUT_TRANSFER_H_ diff --git a/mindspore/ccsrc/frontend/parallel/tensor_layout/redistribution_operator_infer.h b/mindspore/ccsrc/frontend/parallel/tensor_layout/redistribution_operator_infer.h index 66cdb3f9254..e435d7991c5 100644 --- a/mindspore/ccsrc/frontend/parallel/tensor_layout/redistribution_operator_infer.h +++ b/mindspore/ccsrc/frontend/parallel/tensor_layout/redistribution_operator_infer.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_REDISTRIBUTION_OPERATOR_INFER_H_ -#define MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_REDISTRIBUTION_OPERATOR_INFER_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_REDISTRIBUTION_OPERATOR_INFER_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_REDISTRIBUTION_OPERATOR_INFER_H_ #include #include @@ -74,4 +74,4 @@ class RedistributionOperatorInfer { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_REDISTRIBUTION_OPERATOR_INFER_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_REDISTRIBUTION_OPERATOR_INFER_H_ diff --git a/mindspore/ccsrc/frontend/parallel/tensor_layout/reshape_layout_transfer.h b/mindspore/ccsrc/frontend/parallel/tensor_layout/reshape_layout_transfer.h index f9ebe9e32bc..fc9583f38a8 100644 --- a/mindspore/ccsrc/frontend/parallel/tensor_layout/reshape_layout_transfer.h +++ b/mindspore/ccsrc/frontend/parallel/tensor_layout/reshape_layout_transfer.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_RESHAPE_LAYOUT_TRANSFER_H_ -#define MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_RESHAPE_LAYOUT_TRANSFER_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_RESHAPE_LAYOUT_TRANSFER_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_RESHAPE_LAYOUT_TRANSFER_H_ #include #include "frontend/parallel/status.h" @@ -45,4 +45,4 @@ class ReshapeLayoutTransfer : public LayoutTransfer { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_RESHAPE_LAYOUT_TRANSFER_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_RESHAPE_LAYOUT_TRANSFER_H_ diff --git a/mindspore/ccsrc/frontend/parallel/tensor_layout/shape_util.h b/mindspore/ccsrc/frontend/parallel/tensor_layout/shape_util.h index 49dd39ffd6b..c8cd23aab72 100644 --- a/mindspore/ccsrc/frontend/parallel/tensor_layout/shape_util.h +++ b/mindspore/ccsrc/frontend/parallel/tensor_layout/shape_util.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_SHAPE_UTIL_H_ -#define MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_SHAPE_UTIL_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_SHAPE_UTIL_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_SHAPE_UTIL_H_ #include #include @@ -169,4 +169,4 @@ Status ExpandShape(const std::vector &in, const std::vector &e } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_SHAPE_UTIL_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_SHAPE_UTIL_H_ diff --git a/mindspore/ccsrc/frontend/parallel/tensor_layout/tensor_info.h b/mindspore/ccsrc/frontend/parallel/tensor_layout/tensor_info.h index fc78b1f59c1..042851b0df0 100644 --- a/mindspore/ccsrc/frontend/parallel/tensor_layout/tensor_info.h +++ b/mindspore/ccsrc/frontend/parallel/tensor_layout/tensor_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_TENSOR_INFO_H_ -#define MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_TENSOR_INFO_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_TENSOR_INFO_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_TENSOR_INFO_H_ #include #include @@ -68,4 +68,4 @@ class TensorInfo { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_TENSOR_INFO_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_TENSOR_INFO_H_ diff --git a/mindspore/ccsrc/frontend/parallel/tensor_layout/tensor_layout.h b/mindspore/ccsrc/frontend/parallel/tensor_layout/tensor_layout.h index fc891d6d9fb..0a0a0db575d 100644 --- a/mindspore/ccsrc/frontend/parallel/tensor_layout/tensor_layout.h +++ b/mindspore/ccsrc/frontend/parallel/tensor_layout/tensor_layout.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_TENSOR_LAYOUT_H_ -#define MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_TENSOR_LAYOUT_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_TENSOR_LAYOUT_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_TENSOR_LAYOUT_H_ #include #include @@ -106,4 +106,4 @@ class TensorLayout { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_TENSOR_LAYOUT_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_TENSOR_LAYOUT_H_ diff --git a/mindspore/ccsrc/frontend/parallel/tensor_layout/tensor_redistribution.h b/mindspore/ccsrc/frontend/parallel/tensor_layout/tensor_redistribution.h index df4bd1570fc..196827d18a2 100644 --- a/mindspore/ccsrc/frontend/parallel/tensor_layout/tensor_redistribution.h +++ b/mindspore/ccsrc/frontend/parallel/tensor_layout/tensor_redistribution.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_TENSOR_REDISTRIBUTION_H_ -#define MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_TENSOR_REDISTRIBUTION_H_ +#ifndef MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_TENSOR_REDISTRIBUTION_H_ +#define MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_TENSOR_REDISTRIBUTION_H_ #include #include @@ -87,4 +87,4 @@ class TensorRedistribution { } // namespace parallel } // namespace mindspore -#endif // MINDSPORE_CCSRC_PARALLEL_TENSOR_LAYOUT_TENSOR_REDISTRIBUTION_H_ +#endif // MINDSPORE_CCSRC_FRONTEND_PARALLEL_TENSOR_LAYOUT_TENSOR_REDISTRIBUTION_H_ diff --git a/mindspore/ccsrc/minddata/dataset/api/de_pipeline.h b/mindspore/ccsrc/minddata/dataset/api/de_pipeline.h index b3adb6ae9f5..9433bca6916 100644 --- a/mindspore/ccsrc/minddata/dataset/api/de_pipeline.h +++ b/mindspore/ccsrc/minddata/dataset/api/de_pipeline.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_API_DE_PIPELINE_H_ -#define DATASET_API_DE_PIPELINE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_API_DE_PIPELINE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_API_DE_PIPELINE_H_ #include #include @@ -238,4 +238,4 @@ class DEPipeline { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_API_DE_PIPELINE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_API_DE_PIPELINE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/core/client.h b/mindspore/ccsrc/minddata/dataset/core/client.h index 78b298e616a..844ae3536e8 100644 --- a/mindspore/ccsrc/minddata/dataset/core/client.h +++ b/mindspore/ccsrc/minddata/dataset/core/client.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_CORE_CLIENT_H_ -#define DATASET_CORE_CLIENT_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_CLIENT_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_CLIENT_H_ // client.h // Include file for DE client functions @@ -58,4 +58,4 @@ extern Status GlobalInit(); } // namespace dataset } // namespace mindspore -#endif // DATASET_CORE_CLIENT_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_CLIENT_H_ diff --git a/mindspore/ccsrc/minddata/dataset/core/config_manager.h b/mindspore/ccsrc/minddata/dataset/core/config_manager.h index a8e1907c416..4d25c472e01 100644 --- a/mindspore/ccsrc/minddata/dataset/core/config_manager.h +++ b/mindspore/ccsrc/minddata/dataset/core/config_manager.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_CORE_CONFIG_MANAGER_H_ -#define DATASET_CORE_CONFIG_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_CONFIG_MANAGER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_CONFIG_MANAGER_H_ #include #include @@ -134,4 +134,4 @@ class ConfigManager { } // namespace dataset } // namespace mindspore -#endif // DATASET_CORE_CONFIG_MANAGER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_CONFIG_MANAGER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/core/constants.h b/mindspore/ccsrc/minddata/dataset/core/constants.h index c85ef52bf5f..39573dbc907 100644 --- a/mindspore/ccsrc/minddata/dataset/core/constants.h +++ b/mindspore/ccsrc/minddata/dataset/core/constants.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_CORE_CONSTANTS_H_ -#define DATASET_CORE_CONSTANTS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_CONSTANTS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_CONSTANTS_H_ #include #include @@ -63,4 +63,4 @@ using row_id_type = int64_t; } // namespace dataset } // namespace mindspore -#endif // DATASET_CORE_CONSTANTS_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_CONSTANTS_H_ diff --git a/mindspore/ccsrc/minddata/dataset/core/cv_tensor.h b/mindspore/ccsrc/minddata/dataset/core/cv_tensor.h index a614418be66..ac0ab72ea44 100644 --- a/mindspore/ccsrc/minddata/dataset/core/cv_tensor.h +++ b/mindspore/ccsrc/minddata/dataset/core/cv_tensor.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_CORE_CV_TENSOR_H_ -#define DATASET_CORE_CV_TENSOR_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_CV_TENSOR_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_CV_TENSOR_H_ #include #include @@ -103,4 +103,4 @@ class CVTensor : public Tensor { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_CORE_CV_TENSOR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_CV_TENSOR_H_ diff --git a/mindspore/ccsrc/minddata/dataset/core/data_type.h b/mindspore/ccsrc/minddata/dataset/core/data_type.h index db4834cae2f..efcbe39794b 100644 --- a/mindspore/ccsrc/minddata/dataset/core/data_type.h +++ b/mindspore/ccsrc/minddata/dataset/core/data_type.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_CORE_DATA_TYPE_H_ -#define DATASET_CORE_DATA_TYPE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_DATA_TYPE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_DATA_TYPE_H_ #include @@ -347,4 +347,4 @@ inline bool DataType::IsLooselyCompatible() const { } } // namespace dataset } // namespace mindspore -#endif // DATASET_CORE_DATA_TYPE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_DATA_TYPE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/core/global_context.h b/mindspore/ccsrc/minddata/dataset/core/global_context.h index fe0847f6391..031c591ed86 100644 --- a/mindspore/ccsrc/minddata/dataset/core/global_context.h +++ b/mindspore/ccsrc/minddata/dataset/core/global_context.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_CORE_GLOBAL_CONTEXT_H_ -#define DATASET_CORE_GLOBAL_CONTEXT_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_GLOBAL_CONTEXT_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_GLOBAL_CONTEXT_H_ #include #include @@ -105,4 +105,4 @@ class GlobalContext { } // namespace dataset } // namespace mindspore -#endif // DATASET_CORE_GLOBAL_CONTEXT_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_GLOBAL_CONTEXT_H_ diff --git a/mindspore/ccsrc/minddata/dataset/core/tensor.h b/mindspore/ccsrc/minddata/dataset/core/tensor.h index 8707cbd7c06..9996e8bfcf2 100644 --- a/mindspore/ccsrc/minddata/dataset/core/tensor.h +++ b/mindspore/ccsrc/minddata/dataset/core/tensor.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_CORE_TENSOR_H_ -#define DATASET_CORE_TENSOR_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_TENSOR_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_TENSOR_H_ #include #include @@ -665,4 +665,4 @@ inline Tensor::TensorIterator Tensor::end() } } // namespace dataset } // namespace mindspore -#endif // DATASET_CORE_TENSOR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_TENSOR_H_ diff --git a/mindspore/ccsrc/minddata/dataset/core/tensor_row.h b/mindspore/ccsrc/minddata/dataset/core/tensor_row.h index e8f066c87bb..613c2560175 100644 --- a/mindspore/ccsrc/minddata/dataset/core/tensor_row.h +++ b/mindspore/ccsrc/minddata/dataset/core/tensor_row.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_CORE_TENSOR_ROW_H_ -#define DATASET_CORE_TENSOR_ROW_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_TENSOR_ROW_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_TENSOR_ROW_H_ #include #include @@ -128,4 +128,4 @@ class TensorRow { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_CORE_TENSOR_ROW_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_TENSOR_ROW_H_ diff --git a/mindspore/ccsrc/minddata/dataset/core/tensor_shape.h b/mindspore/ccsrc/minddata/dataset/core/tensor_shape.h index 4944f9e32c2..179c922c6c8 100644 --- a/mindspore/ccsrc/minddata/dataset/core/tensor_shape.h +++ b/mindspore/ccsrc/minddata/dataset/core/tensor_shape.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_CORE_TENSOR_SHAPE_H_ -#define DATASET_CORE_TENSOR_SHAPE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_TENSOR_SHAPE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_TENSOR_SHAPE_H_ #include #include @@ -193,4 +193,4 @@ class TensorShape { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_CORE_TENSOR_SHAPE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_TENSOR_SHAPE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/cache/cache_client.h b/mindspore/ccsrc/minddata/dataset/engine/cache/cache_client.h index f25db875782..10b93fbfa64 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/cache/cache_client.h +++ b/mindspore/ccsrc/minddata/dataset/engine/cache/cache_client.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_CACHE_CLIENT_H_ -#define DATASET_ENGINE_CACHE_CLIENT_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CACHE_CLIENT_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CACHE_CLIENT_H_ #include #include @@ -138,4 +138,4 @@ class CacheClient { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_CACHE_CLIENT_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CACHE_CLIENT_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/cache/cache_request.h b/mindspore/ccsrc/minddata/dataset/engine/cache/cache_request.h index 3d0edc6dd87..ca44f5fa5a6 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/cache/cache_request.h +++ b/mindspore/ccsrc/minddata/dataset/engine/cache/cache_request.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_CACHE_REQ_H_ -#define DATASET_ENGINE_CACHE_REQ_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CACHE_REQ_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CACHE_REQ_H_ #include #include @@ -222,4 +222,4 @@ class BuildPhaseDoneRequest : public BaseRequest { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_CACHE_SERVICE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CACHE_SERVICE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/cache/cache_server.h b/mindspore/ccsrc/minddata/dataset/engine/cache/cache_server.h index 13b68c43890..c0dc8c467be 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/cache/cache_server.h +++ b/mindspore/ccsrc/minddata/dataset/engine/cache/cache_server.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_ENGINE_CACHE_SERVER_H_ -#define DATASET_ENGINE_CACHE_SERVER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CACHE_SERVER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CACHE_SERVER_H_ #include #include @@ -95,4 +95,4 @@ class CacheServer : public Service { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_CORE_CACHE_TENSOR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_CACHE_TENSOR_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/cache/cache_service.h b/mindspore/ccsrc/minddata/dataset/engine/cache/cache_service.h index bf324e82e34..034bd719ac7 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/cache/cache_service.h +++ b/mindspore/ccsrc/minddata/dataset/engine/cache/cache_service.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_ENGINE_CACHE_SERVICE_H_ -#define DATASET_ENGINE_CACHE_SERVICE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CACHE_SERVICE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CACHE_SERVICE_H_ #include #include @@ -140,4 +140,4 @@ class CacheService : public Service { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_CACHE_SERVICE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CACHE_SERVICE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/connector.h b/mindspore/ccsrc/minddata/dataset/engine/connector.h index a91d8e68e9c..0366609b3f9 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/connector.h +++ b/mindspore/ccsrc/minddata/dataset/engine/connector.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_CONNECTOR_H_ -#define DATASET_ENGINE_CONNECTOR_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CONNECTOR_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CONNECTOR_H_ #include #include @@ -208,4 +208,4 @@ class Connector { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_CONNECTOR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_CONNECTOR_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/data_buffer.h b/mindspore/ccsrc/minddata/dataset/engine/data_buffer.h index 5fcb4c21a50..01f2b3a881b 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/data_buffer.h +++ b/mindspore/ccsrc/minddata/dataset/engine/data_buffer.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATA_BUFFER_H_ -#define DATASET_ENGINE_DATA_BUFFER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATA_BUFFER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATA_BUFFER_H_ #include #include @@ -105,4 +105,4 @@ class DataBuffer { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATA_BUFFER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATA_BUFFER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/data_schema.h b/mindspore/ccsrc/minddata/dataset/engine/data_schema.h index 96f6f2b118d..a53c37f8c1f 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/data_schema.h +++ b/mindspore/ccsrc/minddata/dataset/engine/data_schema.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATA_SCHEMA_H_ -#define DATASET_ENGINE_DATA_SCHEMA_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATA_SCHEMA_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATA_SCHEMA_H_ #include #include @@ -205,4 +205,4 @@ class DataSchema { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATA_SCHEMA_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATA_SCHEMA_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/dataset_iterator.h b/mindspore/ccsrc/minddata/dataset/engine/dataset_iterator.h index 253d1604e20..0245fa94f05 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/dataset_iterator.h +++ b/mindspore/ccsrc/minddata/dataset/engine/dataset_iterator.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASET_ITERATOR_H_ -#define DATASET_ENGINE_DATASET_ITERATOR_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASET_ITERATOR_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASET_ITERATOR_H_ #include #include @@ -153,4 +153,4 @@ class ChildIterator : public IteratorBase { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASET_ITERATOR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASET_ITERATOR_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/barrier_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/barrier_op.h index a3ac8432726..261ff6da6bf 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/barrier_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/barrier_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_BARRIER_OP_H_ -#define DATASET_ENGINE_DATASETOPS_BARRIER_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_BARRIER_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_BARRIER_OP_H_ #include #include @@ -166,4 +166,4 @@ class BarrierOp : public PipelineOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_BARRIER_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_BARRIER_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/batch_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/batch_op.h index 0c042433f75..825e99a0776 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/batch_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/batch_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_BATCH_OP_H_ -#define DATASET_ENGINE_DATASETOPS_BATCH_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_BATCH_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_BATCH_OP_H_ #include #include @@ -284,4 +284,4 @@ class BatchOp : public ParallelOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_BATCH_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_BATCH_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/bucket_batch_by_length_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/bucket_batch_by_length_op.h index 332ff4bb226..2c9c9262038 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/bucket_batch_by_length_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/bucket_batch_by_length_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_BUCKET_BATCH_BY_LENGTH_OP_H_ -#define DATASET_ENGINE_DATASETOPS_BUCKET_BATCH_BY_LENGTH_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_BUCKET_BATCH_BY_LENGTH_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_BUCKET_BATCH_BY_LENGTH_OP_H_ #include #include @@ -152,4 +152,4 @@ class BucketBatchByLengthOp : public PipelineOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_BUCKET_BATCH_BY_LENGTH_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_BUCKET_BATCH_BY_LENGTH_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/build_vocab_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/build_vocab_op.h index 42ea0deb5c9..cb6f34f5e9a 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/build_vocab_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/build_vocab_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_BUILD_VOCAB_OP_H_ -#define DATASET_ENGINE_DATASETOPS_BUILD_VOCAB_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_BUILD_VOCAB_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_BUILD_VOCAB_OP_H_ #include #include @@ -171,4 +171,4 @@ class BuildVocabOp : public ParallelOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_BUILD_VOCAB_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_BUILD_VOCAB_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_base_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_base_op.h index fb3e999b76e..775b20e3123 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_base_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_base_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_CACHE_BASE_OP_H_ -#define DATASET_ENGINE_DATASETOPS_CACHE_BASE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CACHE_BASE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CACHE_BASE_OP_H_ #include #include @@ -105,4 +105,4 @@ class CacheBase : public ParallelOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_CACHE_BASE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CACHE_BASE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_lookup_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_lookup_op.h index 46a58c5d026..37fad046e27 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_lookup_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_lookup_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_CACHE_LOOKUP_OP_H_ -#define DATASET_ENGINE_DATASETOPS_CACHE_LOOKUP_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CACHE_LOOKUP_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CACHE_LOOKUP_OP_H_ #include #include @@ -119,4 +119,4 @@ class CacheLookupOp : public CacheBase, public Sampler { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_CACHE_LOOKUP_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CACHE_LOOKUP_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_merge_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_merge_op.h index df37465fc44..e75ec2805c1 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_merge_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_merge_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_CACHE_MERGE_OP_H_ -#define DATASET_ENGINE_DATASETOPS_CACHE_MERGE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CACHE_MERGE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CACHE_MERGE_OP_H_ #include #include @@ -193,4 +193,4 @@ class CacheMergeOp : public ParallelOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_CACHE_MERGE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CACHE_MERGE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_op.h index dd34d549736..6639e7037cd 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/cache_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_CACHE_OP_H_ -#define DATASET_ENGINE_DATASETOPS_CACHE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CACHE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CACHE_OP_H_ #include #include @@ -165,4 +165,4 @@ class CacheOp : public CacheBase, public RandomAccessOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_CACHE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CACHE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/concat_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/concat_op.h index 3d3d9df71c4..5a3bf8a56bd 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/concat_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/concat_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_CONCAT_OP_H_ -#define DATASET_ENGINE_DATASETOPS_CONCAT_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CONCAT_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CONCAT_OP_H_ #include #include @@ -94,4 +94,4 @@ class ConcatOp : public PipelineOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_CONCAT_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_CONCAT_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/dataset_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/dataset_op.h index b4630c16525..84b83bd057e 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/dataset_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/dataset_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_DATASET_OP_H_ -#define DATASET_ENGINE_DATASETOPS_DATASET_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_DATASET_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_DATASET_OP_H_ #include #include @@ -360,4 +360,4 @@ class DatasetOp : public std::enable_shared_from_this { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_DATASET_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_DATASET_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/device_queue_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/device_queue_op.h index 0fb4fb093d3..4b700b53f9a 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/device_queue_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/device_queue_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_DEVICE_QUEUE_OP_H_ -#define DATASET_ENGINE_DATASETOPS_DEVICE_QUEUE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_DEVICE_QUEUE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_DEVICE_QUEUE_OP_H_ #include #include @@ -172,4 +172,4 @@ class DeviceQueueOp : public PipelineOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_DEVICE_QUEUE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_DEVICE_QUEUE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/filter_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/filter_op.h index fcc6e577dff..6ab1c2b5991 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/filter_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/filter_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_FILTER_OP_H_ -#define DATASET_ENGINE_DATASETOPS_FILTER_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_FILTER_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_FILTER_OP_H_ #include #include diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/map_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/map_op.h index b1cd58010f1..65a72c703c1 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/map_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/map_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_MAP_OP_H_ -#define DATASET_ENGINE_DATASETOPS_MAP_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_MAP_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_MAP_OP_H_ #include #include @@ -265,4 +265,4 @@ class MapOp : public ParallelOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_MAP_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_MAP_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/parallel_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/parallel_op.h index da54ce13312..b865168d295 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/parallel_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/parallel_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_PARALLEL_OP_H_ -#define DATASET_ENGINE_DATASETOPS_PARALLEL_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_PARALLEL_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_PARALLEL_OP_H_ #include #include @@ -123,4 +123,4 @@ class ParallelOp : public DatasetOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_PARALLEL_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_PARALLEL_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/pipeline_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/pipeline_op.h index 0538349f484..9b2ac7d8e79 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/pipeline_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/pipeline_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_PIPELINE_OP_H_ -#define DATASET_ENGINE_DATASETOPS_PIPELINE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_PIPELINE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_PIPELINE_OP_H_ #include #include @@ -95,4 +95,4 @@ class PipelineOp : public DatasetOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_PIPELINE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_PIPELINE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/project_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/project_op.h index c2f14d34b73..fd6bf8b85b5 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/project_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/project_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_PROJECT_OP_H_ -#define DATASET_ENGINE_DATASETOPS_PROJECT_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_PROJECT_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_PROJECT_OP_H_ #include #include @@ -124,4 +124,4 @@ class ProjectOp : public PipelineOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_PROJECT_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_PROJECT_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/rename_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/rename_op.h index d846bb1b409..960509b109e 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/rename_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/rename_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_RENAME_OP_H_ -#define DATASET_ENGINE_DATASETOPS_RENAME_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_RENAME_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_RENAME_OP_H_ #include #include @@ -135,4 +135,4 @@ class RenameOp : public PipelineOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_RENAME_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_RENAME_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/repeat_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/repeat_op.h index f5259de30e9..40f466aa120 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/repeat_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/repeat_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_REPEAT_OP_H_ -#define DATASET_ENGINE_DATASETOPS_REPEAT_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_REPEAT_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_REPEAT_OP_H_ #include #include @@ -143,4 +143,4 @@ class RepeatOp : public PipelineOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_REPEAT_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_REPEAT_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/shuffle_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/shuffle_op.h index 86bea7cc77c..b09763907bc 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/shuffle_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/shuffle_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SHUFFLE_OP_H_ -#define DATASET_ENGINE_DATASETOPS_SHUFFLE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SHUFFLE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SHUFFLE_OP_H_ #include #include @@ -201,4 +201,4 @@ class ShuffleOp : public PipelineOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SHUFFLE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SHUFFLE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/skip_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/skip_op.h index a717d0efa4c..ed20fb3b07d 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/skip_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/skip_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SKIP_OP_H_ -#define DATASET_ENGINE_DATASETOPS_SKIP_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SKIP_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SKIP_OP_H_ #include #include @@ -91,4 +91,4 @@ class SkipOp : public PipelineOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SKIP_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SKIP_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/celeba_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/celeba_op.h index ef183f8e657..a3b1212c74b 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/celeba_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/celeba_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_CELEBA_OP_H -#define DATASET_ENGINE_DATASETOPS_SOURCE_CELEBA_OP_H +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_CELEBA_OP_H +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_CELEBA_OP_H #include #include @@ -237,4 +237,4 @@ class CelebAOp : public ParallelOp, RandomAccessOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_CELEBA_OP_H +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_CELEBA_OP_H diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/cifar_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/cifar_op.h index 60169f32bf5..f6703f0544c 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/cifar_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/cifar_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_CIFAR_OP_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_CIFAR_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_CIFAR_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_CIFAR_OP_H_ #include #include @@ -233,4 +233,4 @@ class CifarOp : public ParallelOp, public RandomAccessOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_CIFAR_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_CIFAR_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/clue_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/clue_op.h index ab429561ec6..d4873ec6979 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/clue_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/clue_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_CLUE_OP_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_CLUE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_CLUE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_CLUE_OP_H_ #include #include @@ -274,4 +274,4 @@ class ClueOp : public ParallelOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_CLUE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_CLUE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/coco_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/coco_op.h index 31070c26f5e..209a7726ca7 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/coco_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/coco_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_COCO_OP_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_COC0_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_COCO_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_COC0_OP_H_ #include #include @@ -337,4 +337,4 @@ class CocoOp : public ParallelOp, public RandomAccessOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_Coco_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_Coco_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/generator_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/generator_op.h index d09bfc3d716..ca001c01d62 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/generator_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/generator_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_GENERATOR_OP_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_GENERATOR_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_GENERATOR_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_GENERATOR_OP_H_ #include #include @@ -160,4 +160,4 @@ class GeneratorOp : public PipelineOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_GENERATOR_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_GENERATOR_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/image_folder_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/image_folder_op.h index 153751d3c5e..219a4e53f9c 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/image_folder_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/image_folder_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_IMAGE_FOLDER_OP_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_IMAGE_FOLDER_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_IMAGE_FOLDER_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_IMAGE_FOLDER_OP_H_ #include #include @@ -271,4 +271,4 @@ class ImageFolderOp : public ParallelOp, public RandomAccessOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_IMAGE_FOLDER_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_IMAGE_FOLDER_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/io_block.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/io_block.h index df26aa1fc14..86ae3c9c563 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/io_block.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/io_block.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_IO_BLOCK_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_IO_BLOCK_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_IO_BLOCK_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_IO_BLOCK_H_ #include #include @@ -122,4 +122,4 @@ class FilenameBlock : public IOBlock { }; // class TFBlock } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_IO_BLOCK_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_IO_BLOCK_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/manifest_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/manifest_op.h index bac8f04c94d..5a1a1d726b0 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/manifest_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/manifest_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_MANIFEST_OP_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_MANIFEST_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_MANIFEST_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_MANIFEST_OP_H_ #include #include @@ -247,4 +247,4 @@ class ManifestOp : public ParallelOp, public RandomAccessOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_MANIFEST_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_MANIFEST_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/mindrecord_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/mindrecord_op.h index 367505b1720..a36c7ce9929 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/mindrecord_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/mindrecord_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_MINDRECORD_OP_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_MINDRECORD_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_MINDRECORD_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_MINDRECORD_OP_H_ #pragma once #include @@ -273,4 +273,4 @@ class MindRecordOp : public ParallelOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_MINDRECORD_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_MINDRECORD_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/mnist_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/mnist_op.h index 039f6b112f8..071e39a764a 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/mnist_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/mnist_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_MNIST_OP_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_MNIST_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_MNIST_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_MNIST_OP_H_ #include #include @@ -249,4 +249,4 @@ class MnistOp : public ParallelOp, public RandomAccessOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_MNIST_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_MNIST_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/random_data_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/random_data_op.h index c77695439d1..4644c29f0c8 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/random_data_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/random_data_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_RANDOM_DATA_OP_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_RANDOM_DATA_OP_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_RANDOM_DATA_OP_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_RANDOM_DATA_OP_ #include #include @@ -288,4 +288,4 @@ class RandomDataOp : public ParallelOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_RANDOM_DATA_OP_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_RANDOM_DATA_OP_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/distributed_sampler.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/distributed_sampler.h index 76bcf052f92..626279aeefd 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/distributed_sampler.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/distributed_sampler.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_DISTRIBUTED_SAMPLER_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_DISTRIBUTED_SAMPLER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_DISTRIBUTED_SAMPLER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_DISTRIBUTED_SAMPLER_H_ #include #include @@ -63,4 +63,4 @@ class DistributedSampler : public Sampler { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_DISTRIBUTED_SAMPLER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_DISTRIBUTED_SAMPLER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/pk_sampler.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/pk_sampler.h index aed61fa273d..e51c419cd47 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/pk_sampler.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/pk_sampler.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_PK_SAMPLER_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_PK_SAMPLER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_PK_SAMPLER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_PK_SAMPLER_H_ #include #include @@ -73,4 +73,4 @@ class PKSampler : public Sampler { // NOT YET FINISHED } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_PK_SAMPLER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_PK_SAMPLER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/python_sampler.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/python_sampler.h index 61716feb940..0700edee27d 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/python_sampler.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/python_sampler.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_PYTHON_SAMPLER_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_PYTHON_SAMPLER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_PYTHON_SAMPLER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_PYTHON_SAMPLER_H_ #include #include @@ -63,4 +63,4 @@ class PythonSampler : public Sampler { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_PYTHON_SAMPLER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_PYTHON_SAMPLER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/random_sampler.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/random_sampler.h index 6e21b088b9a..fe5330a42f4 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/random_sampler.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/random_sampler.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_RANDOM_SAMPLER_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_RANDOM_SAMPLER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_RANDOM_SAMPLER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_RANDOM_SAMPLER_H_ #include #include @@ -63,4 +63,4 @@ class RandomSampler : public Sampler { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_RANDOM_SAMPLER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_RANDOM_SAMPLER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/sampler.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/sampler.h index 4cae935a425..268eb1256dd 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/sampler.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/sampler.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SAMPLER_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SAMPLER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SAMPLER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SAMPLER_H_ #include #include @@ -158,4 +158,4 @@ class Sampler { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SAMPLER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SAMPLER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/sequential_sampler.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/sequential_sampler.h index c6ccd0d1eb3..2a313347f1e 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/sequential_sampler.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/sequential_sampler.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SEQUENTIAL_SAMPLER_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SEQUENTIAL_SAMPLER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SEQUENTIAL_SAMPLER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SEQUENTIAL_SAMPLER_H_ #include #include @@ -62,4 +62,4 @@ class SequentialSampler : public Sampler { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SEQUENTIAL_SAMPLER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SEQUENTIAL_SAMPLER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/subset_random_sampler.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/subset_random_sampler.h index fccc15e57be..0a1feef0a93 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/subset_random_sampler.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/subset_random_sampler.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SUBSET_RANDOM_SAMPLER_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SUBSET_RANDOM_SAMPLER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SUBSET_RANDOM_SAMPLER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SUBSET_RANDOM_SAMPLER_H_ #include #include @@ -72,4 +72,4 @@ class SubsetRandomSampler : public Sampler { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SUBSET_RANDOM_SAMPLER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_SUBSET_RANDOM_SAMPLER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/weighted_random_sampler.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/weighted_random_sampler.h index b1a531abe97..9bcb2bac221 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/weighted_random_sampler.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/sampler/weighted_random_sampler.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_WEIGHTED_RANDOM_SAMPLER_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_WEIGHTED_RANDOM_SAMPLER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_WEIGHTED_RANDOM_SAMPLER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_SAMPLER_WEIGHTED_RANDOM_SAMPLER_H_ #include #include diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/text_file_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/text_file_op.h index 68c226ab80e..9dfb4ac2ae6 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/text_file_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/text_file_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_TEXT_FILE_OP_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_TEXT_FILE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_TEXT_FILE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_TEXT_FILE_OP_H_ #include #include @@ -286,4 +286,4 @@ class TextFileOp : public ParallelOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_TEXT_FILE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_TEXT_FILE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/tf_reader_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/tf_reader_op.h index c03f3957e9f..8a295291b48 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/tf_reader_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/tf_reader_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_TF_READER_OP_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_TF_READER_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_TF_READER_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_TF_READER_OP_H_ #include #include @@ -417,4 +417,4 @@ class TFReaderOp : public ParallelOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_TF_READER_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_TF_READER_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/voc_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/voc_op.h index e0c46c7a946..725e9c7b841 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/voc_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/voc_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_SOURCE_VOC_OP_H_ -#define DATASET_ENGINE_DATASETOPS_SOURCE_VOC_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_VOC_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_VOC_OP_H_ #include #include @@ -291,4 +291,4 @@ class VOCOp : public ParallelOp, public RandomAccessOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_SOURCE_VOC_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_SOURCE_VOC_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/take_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/take_op.h index 7f3f821bd8e..4d98ef3f1eb 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/take_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/take_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_TAKE_OP_H_ -#define DATASET_ENGINE_DATASETOPS_TAKE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_TAKE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_TAKE_OP_H_ #include #include @@ -97,4 +97,4 @@ class TakeOp : public PipelineOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_TAKE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_TAKE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/datasetops/zip_op.h b/mindspore/ccsrc/minddata/dataset/engine/datasetops/zip_op.h index c9466e26e2f..3bbb48aa196 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/datasetops/zip_op.h +++ b/mindspore/ccsrc/minddata/dataset/engine/datasetops/zip_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DATASETOPS_ZIP_OP_H_ -#define DATASET_ENGINE_DATASETOPS_ZIP_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_ZIP_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_ZIP_OP_H_ #include #include @@ -155,4 +155,4 @@ class ZipOp : public PipelineOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DATASETOPS_ZIP_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DATASETOPS_ZIP_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/db_connector.h b/mindspore/ccsrc/minddata/dataset/engine/db_connector.h index 4a5c20bc126..2d2cf6d226b 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/db_connector.h +++ b/mindspore/ccsrc/minddata/dataset/engine/db_connector.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_DB_CONNECTOR_H_ -#define DATASET_ENGINE_DB_CONNECTOR_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DB_CONNECTOR_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DB_CONNECTOR_H_ #include #include @@ -95,4 +95,4 @@ class DbConnector : public Connector> { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_DB_CONNECTOR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_DB_CONNECTOR_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/execution_tree.h b/mindspore/ccsrc/minddata/dataset/engine/execution_tree.h index b62bf8e85de..9df3ebf2c90 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/execution_tree.h +++ b/mindspore/ccsrc/minddata/dataset/engine/execution_tree.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_EXECUTION_TREE_H_ -#define DATASET_ENGINE_EXECUTION_TREE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_EXECUTION_TREE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_EXECUTION_TREE_H_ #include #include @@ -254,4 +254,4 @@ inline bool operator==(const ExecutionTree::Iterator &lhs, const ExecutionTree:: } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_EXECUTION_TREE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_EXECUTION_TREE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/gnn/edge.h b/mindspore/ccsrc/minddata/dataset/engine/gnn/edge.h index c62c088bab7..e7f4eef7930 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/gnn/edge.h +++ b/mindspore/ccsrc/minddata/dataset/engine/gnn/edge.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_GNN_EDGE_H_ -#define DATASET_ENGINE_GNN_EDGE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_EDGE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_EDGE_H_ #include #include @@ -83,4 +83,4 @@ class Edge { } // namespace gnn } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_GNN_EDGE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_EDGE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/gnn/feature.h b/mindspore/ccsrc/minddata/dataset/engine/gnn/feature.h index 0d7eba1009c..0151ada706b 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/gnn/feature.h +++ b/mindspore/ccsrc/minddata/dataset/engine/gnn/feature.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_GNN_FEATURE_H_ -#define DATASET_ENGINE_GNN_FEATURE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_FEATURE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_FEATURE_H_ #include @@ -49,4 +49,4 @@ class Feature { } // namespace gnn } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_GNN_FEATURE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_FEATURE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/gnn/graph.h b/mindspore/ccsrc/minddata/dataset/engine/gnn/graph.h index 76930d91f28..cb755b0bed9 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/gnn/graph.h +++ b/mindspore/ccsrc/minddata/dataset/engine/gnn/graph.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_GNN_GRAPH_H_ -#define DATASET_ENGINE_GNN_GRAPH_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_GRAPH_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_GRAPH_H_ #include #include @@ -264,4 +264,4 @@ class Graph { } // namespace gnn } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_GNN_GRAPH_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_GRAPH_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/gnn/graph_loader.h b/mindspore/ccsrc/minddata/dataset/engine/gnn/graph_loader.h index f7f9245b8ac..e59b13837cd 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/gnn/graph_loader.h +++ b/mindspore/ccsrc/minddata/dataset/engine/gnn/graph_loader.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_GNN_GRAPH_LOADER_H_ -#define DATASET_ENGINE_GNN_GRAPH_LOADER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_GRAPH_LOADER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_GRAPH_LOADER_H_ #include #include @@ -126,4 +126,4 @@ class GraphLoader { } // namespace gnn } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_GNN_GRAPH_LOADER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_GRAPH_LOADER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/gnn/local_edge.h b/mindspore/ccsrc/minddata/dataset/engine/gnn/local_edge.h index d112972f8f7..e9c7ba7f0ec 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/gnn/local_edge.h +++ b/mindspore/ccsrc/minddata/dataset/engine/gnn/local_edge.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_GNN_LOCAL_EDGE_H_ -#define DATASET_ENGINE_GNN_LOCAL_EDGE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_LOCAL_EDGE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_LOCAL_EDGE_H_ #include #include @@ -57,4 +57,4 @@ class LocalEdge : public Edge { } // namespace gnn } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_GNN_LOCAL_EDGE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_LOCAL_EDGE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/gnn/local_node.h b/mindspore/ccsrc/minddata/dataset/engine/gnn/local_node.h index 9c122931e70..350797ac75f 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/gnn/local_node.h +++ b/mindspore/ccsrc/minddata/dataset/engine/gnn/local_node.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_GNN_LOCAL_NODE_H_ -#define DATASET_ENGINE_GNN_LOCAL_NODE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_LOCAL_NODE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_LOCAL_NODE_H_ #include #include @@ -79,4 +79,4 @@ class LocalNode : public Node { } // namespace gnn } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_GNN_LOCAL_NODE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_LOCAL_NODE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/gnn/node.h b/mindspore/ccsrc/minddata/dataset/engine/gnn/node.h index a7c803fee25..c89bb0e9056 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/gnn/node.h +++ b/mindspore/ccsrc/minddata/dataset/engine/gnn/node.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_GNN_NODE_H_ -#define DATASET_ENGINE_GNN_NODE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_NODE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_NODE_H_ #include #include @@ -84,4 +84,4 @@ class Node { } // namespace gnn } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_GNN_NODE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_GNN_NODE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/jagged_connector.h b/mindspore/ccsrc/minddata/dataset/engine/jagged_connector.h index cee0b7abf3e..bfd543da56e 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/jagged_connector.h +++ b/mindspore/ccsrc/minddata/dataset/engine/jagged_connector.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_JAGGED_CONNECTOR_H_ -#define DATASET_ENGINE_JAGGED_CONNECTOR_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_JAGGED_CONNECTOR_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_JAGGED_CONNECTOR_H_ #include #include @@ -85,4 +85,4 @@ class JaggedConnector : public Connector> { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_JAGGED_CONNECTOR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_JAGGED_CONNECTOR_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/opt/optional/tensor_op_fusion_pass.h b/mindspore/ccsrc/minddata/dataset/engine/opt/optional/tensor_op_fusion_pass.h index a109af396c9..614c267c050 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/opt/optional/tensor_op_fusion_pass.h +++ b/mindspore/ccsrc/minddata/dataset/engine/opt/optional/tensor_op_fusion_pass.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_TENSOR_OP_FUSION_PASS_H_ -#define DATASET_TENSOR_OP_FUSION_PASS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TENSOR_OP_FUSION_PASS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TENSOR_OP_FUSION_PASS_H_ #include #include "minddata/dataset/engine/opt/pass.h" @@ -35,4 +35,4 @@ class TensorOpFusionPass : public NodePass { } // namespace dataset } // namespace mindspore -#endif // DATASET_TENSOR_OP_FUSION_PASS_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TENSOR_OP_FUSION_PASS_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/opt/pass.h b/mindspore/ccsrc/minddata/dataset/engine/opt/pass.h index 845ab34d664..f87549e43b1 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/opt/pass.h +++ b/mindspore/ccsrc/minddata/dataset/engine/opt/pass.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_ENGINE_OPT_PASS_H_ -#define DATASET_ENGINE_OPT_PASS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_H_ #include #include @@ -210,4 +210,4 @@ class NodePass : public Pass { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_OPT_PASS_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/opt/post/repeat_pass.h b/mindspore/ccsrc/minddata/dataset/engine/opt/post/repeat_pass.h index 9b733e23292..c464bd658c5 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/opt/post/repeat_pass.h +++ b/mindspore/ccsrc/minddata/dataset/engine/opt/post/repeat_pass.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_ENGINE_OPT_PASS_POST_REPEAT_PASS_ -#define DATASET_ENGINE_OPT_PASS_POST_REPEAT_PASS_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_POST_REPEAT_PASS_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_POST_REPEAT_PASS_ #include #include @@ -95,4 +95,4 @@ class RepeatPass : public NodePass { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_OPT_PASS_POST_REPEAT_PASS_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_POST_REPEAT_PASS_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/opt/pre/cache_pass.h b/mindspore/ccsrc/minddata/dataset/engine/opt/pre/cache_pass.h index cbc805cd3e0..326b35ec342 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/opt/pre/cache_pass.h +++ b/mindspore/ccsrc/minddata/dataset/engine/opt/pre/cache_pass.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_ENGINE_OPT_PASS_PRE_CACHE_PASS_H_ -#define DATASET_ENGINE_OPT_PASS_PRE_CACHE_PASS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_PRE_CACHE_PASS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_PRE_CACHE_PASS_H_ #include #include @@ -135,4 +135,4 @@ class CachePass : public NodePass { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_OPT_PASS_PRE_CACHE_PASS_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_PRE_CACHE_PASS_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/opt/pre/cache_transform_pass.h b/mindspore/ccsrc/minddata/dataset/engine/opt/pre/cache_transform_pass.h index 02c22c4472c..692b5421d15 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/opt/pre/cache_transform_pass.h +++ b/mindspore/ccsrc/minddata/dataset/engine/opt/pre/cache_transform_pass.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_ENGINE_OPT_PASS_PRE_CACHE_TRANSFORM_PASS_H_ -#define DATASET_ENGINE_OPT_PASS_PRE_CACHE_TRANSFORM_PASS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_PRE_CACHE_TRANSFORM_PASS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_PRE_CACHE_TRANSFORM_PASS_H_ #include #include @@ -76,4 +76,4 @@ class CacheTransformPass : public TreePass { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_OPT_PASS_PRE_CACHE_TRANSFORM_PASS_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_PRE_CACHE_TRANSFORM_PASS_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/opt/pre/removal_nodes.h b/mindspore/ccsrc/minddata/dataset/engine/opt/pre/removal_nodes.h index 32025cd597e..16f623668c0 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/opt/pre/removal_nodes.h +++ b/mindspore/ccsrc/minddata/dataset/engine/opt/pre/removal_nodes.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_ENGINE_OPT_PASS_PRE_REMOVAL_NODES_H_ -#define DATASET_ENGINE_OPT_PASS_PRE_REMOVAL_NODES_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_PRE_REMOVAL_NODES_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_PRE_REMOVAL_NODES_H_ #include #include "minddata/dataset/engine/opt/pass.h" @@ -61,4 +61,4 @@ class RemovalNodes : public NodePass { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_OPT_PASS_PRE_REMOVAL_NODES_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_PRE_REMOVAL_NODES_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/opt/pre/removal_pass.h b/mindspore/ccsrc/minddata/dataset/engine/opt/pre/removal_pass.h index bcab7cf08cd..59414f153fa 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/opt/pre/removal_pass.h +++ b/mindspore/ccsrc/minddata/dataset/engine/opt/pre/removal_pass.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_ENGINE_OPT_PASS_PRE_REMOVAL_PASS_H_ -#define DATASET_ENGINE_OPT_PASS_PRE_REMOVAL_PASS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_PRE_REMOVAL_PASS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_PRE_REMOVAL_PASS_H_ #include #include @@ -53,4 +53,4 @@ class RemovalPass : public TreePass { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_OPT_PASS_PRE_REMOVAL_PASS_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_PRE_REMOVAL_PASS_H_ diff --git a/mindspore/ccsrc/minddata/dataset/engine/opt/util/printer_pass.h b/mindspore/ccsrc/minddata/dataset/engine/opt/util/printer_pass.h index 527df3ccc9a..bc84c0bd90b 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/opt/util/printer_pass.h +++ b/mindspore/ccsrc/minddata/dataset/engine/opt/util/printer_pass.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_ENGINE_OPT_PASS_UTIL_PRINTER_H -#define DATASET_ENGINE_OPT_PASS_UTIL_PRINTER_H +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_UTIL_PRINTER_H +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_UTIL_PRINTER_H #include #include "minddata/dataset/engine/opt/pass.h" @@ -61,4 +61,4 @@ class PrinterPass : public NodePass { } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_OPT_PASS_UTIL_PRINTER_H +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_OPT_PASS_UTIL_PRINTER_H diff --git a/mindspore/ccsrc/minddata/dataset/engine/perf/connector_size.h b/mindspore/ccsrc/minddata/dataset/engine/perf/connector_size.h index 61ba06a76f9..efafd2860c4 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/perf/connector_size.h +++ b/mindspore/ccsrc/minddata/dataset/engine/perf/connector_size.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_CONNECTOR_SIZE_H -#define DATASET_CONNECTOR_SIZE_H +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_CONNECTOR_SIZE_H +#define MINDSPORE_CCSRC_MINDDATA_DATASET_CONNECTOR_SIZE_H #include #include @@ -69,4 +69,4 @@ class ConnectorSize : public Sampling { } // namespace dataset } // namespace mindspore -#endif // DATASET_CONNECTOR_SIZE_H +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CONNECTOR_SIZE_H diff --git a/mindspore/ccsrc/minddata/dataset/engine/perf/connector_throughput.h b/mindspore/ccsrc/minddata/dataset/engine/perf/connector_throughput.h index 9cf387230ac..9871aa425b6 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/perf/connector_throughput.h +++ b/mindspore/ccsrc/minddata/dataset/engine/perf/connector_throughput.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_CONNECTOR_THROUGHPUT_H -#define DATASET_CONNECTOR_THROUGHPUT_H +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_CONNECTOR_THROUGHPUT_H +#define MINDSPORE_CCSRC_MINDDATA_DATASET_CONNECTOR_THROUGHPUT_H #include #include @@ -100,4 +100,4 @@ class ConnectorThroughput : public Sampling { } // namespace dataset } // namespace mindspore -#endif // DATASET_CONNECTOR_THROUGHPUT_H +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CONNECTOR_THROUGHPUT_H diff --git a/mindspore/ccsrc/minddata/dataset/engine/perf/cyclic_array.h b/mindspore/ccsrc/minddata/dataset/engine/perf/cyclic_array.h index 2dfc3fd99d1..d0a30fd2b71 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/perf/cyclic_array.h +++ b/mindspore/ccsrc/minddata/dataset/engine/perf/cyclic_array.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_CYCLIC_ARRAY_H -#define DATASET_CYCLIC_ARRAY_H +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_CYCLIC_ARRAY_H +#define MINDSPORE_CCSRC_MINDDATA_DATASET_CYCLIC_ARRAY_H #include #include @@ -194,4 +194,4 @@ class CyclicArray { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_CYCLIC_ARRAY_H +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CYCLIC_ARRAY_H diff --git a/mindspore/ccsrc/minddata/dataset/engine/perf/perf_data.h b/mindspore/ccsrc/minddata/dataset/engine/perf/perf_data.h index 8f215fd8df8..b67ab5f4b08 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/perf/perf_data.h +++ b/mindspore/ccsrc/minddata/dataset/engine/perf/perf_data.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_PERF_DATA_H -#define DATASET_PERF_DATA_H +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_PERF_DATA_H +#define MINDSPORE_CCSRC_MINDDATA_DATASET_PERF_DATA_H #include #include "minddata/dataset/core/constants.h" @@ -85,4 +85,4 @@ class PerfData { } // namespace dataset } // namespace mindspore -#endif // DATASET_PERF_DATA_H +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_PERF_DATA_H diff --git a/mindspore/ccsrc/minddata/dataset/engine/perf/profiling.h b/mindspore/ccsrc/minddata/dataset/engine/perf/profiling.h index 24f7f2efe81..b6f0ad2ab7a 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/perf/profiling.h +++ b/mindspore/ccsrc/minddata/dataset/engine/perf/profiling.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_PROFILE_H_ -#define DATASET_UTIL_PROFILE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_PROFILE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_PROFILE_H_ #include #include diff --git a/mindspore/ccsrc/minddata/dataset/engine/tdt/tdt_plugin.h b/mindspore/ccsrc/minddata/dataset/engine/tdt/tdt_plugin.h index a7db08b7f58..de0ec241df2 100644 --- a/mindspore/ccsrc/minddata/dataset/engine/tdt/tdt_plugin.h +++ b/mindspore/ccsrc/minddata/dataset/engine/tdt/tdt_plugin.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_TDT_TDT_PLUGIN_H_ -#define DATASET_ENGINE_TDT_TDT_PLUGIN_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_TDT_TDT_PLUGIN_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_TDT_TDT_PLUGIN_H_ #include #include @@ -51,4 +51,4 @@ class TdtPlugin { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_TDT_TDT_PLUGIN_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_TDT_TDT_PLUGIN_H_ diff --git a/mindspore/ccsrc/minddata/dataset/include/datasets.h b/mindspore/ccsrc/minddata/dataset/include/datasets.h index 6f38f5ea167..22fc4110903 100644 --- a/mindspore/ccsrc/minddata/dataset/include/datasets.h +++ b/mindspore/ccsrc/minddata/dataset/include/datasets.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_INCLUDE_DATASETS_H_ -#define DATASET_INCLUDE_DATASETS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_INCLUDE_DATASETS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_INCLUDE_DATASETS_H_ #include #include @@ -354,4 +354,4 @@ class ProjectDataset : public Dataset { } // namespace api } // namespace dataset } // namespace mindspore -#endif // DATASET_INCLUDE_DATASETS_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_INCLUDE_DATASETS_H_ diff --git a/mindspore/ccsrc/minddata/dataset/include/iterator.h b/mindspore/ccsrc/minddata/dataset/include/iterator.h index c3784821a6e..241a8c65b13 100644 --- a/mindspore/ccsrc/minddata/dataset/include/iterator.h +++ b/mindspore/ccsrc/minddata/dataset/include/iterator.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_INCLUDE_ITERATOR_H_ -#define DATASET_INCLUDE_ITERATOR_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_INCLUDE_ITERATOR_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_INCLUDE_ITERATOR_H_ #include #include @@ -112,4 +112,4 @@ class Iterator { } // namespace api } // namespace dataset } // namespace mindspore -#endif // DATASET_INCLUDE_ITERATOR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_INCLUDE_ITERATOR_H_ diff --git a/mindspore/ccsrc/minddata/dataset/include/samplers.h b/mindspore/ccsrc/minddata/dataset/include/samplers.h index 3d57e67059c..35a4f68dc65 100644 --- a/mindspore/ccsrc/minddata/dataset/include/samplers.h +++ b/mindspore/ccsrc/minddata/dataset/include/samplers.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_API_SAMPLERS_H_ -#define DATASET_API_SAMPLERS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_API_SAMPLERS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_API_SAMPLERS_H_ #include #include @@ -196,4 +196,4 @@ class WeightedRandomSamplerObj : public SamplerObj { } // namespace api } // namespace dataset } // namespace mindspore -#endif // DATASET_API_SAMPLERS_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_API_SAMPLERS_H_ diff --git a/mindspore/ccsrc/minddata/dataset/include/status.h b/mindspore/ccsrc/minddata/dataset/include/status.h index 7a480f42391..b919b4dc4e0 100644 --- a/mindspore/ccsrc/minddata/dataset/include/status.h +++ b/mindspore/ccsrc/minddata/dataset/include/status.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_STATUS_H_ -#define DATASET_UTIL_STATUS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_STATUS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_STATUS_H_ #if defined(__GNUC__) || defined(__clang__) #define DEPRECATED __attribute__((deprecated)) @@ -134,4 +134,4 @@ class Status { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_STATUS_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_STATUS_H_ diff --git a/mindspore/ccsrc/minddata/dataset/include/tensor.h b/mindspore/ccsrc/minddata/dataset/include/tensor.h index 8707cbd7c06..9996e8bfcf2 100644 --- a/mindspore/ccsrc/minddata/dataset/include/tensor.h +++ b/mindspore/ccsrc/minddata/dataset/include/tensor.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_CORE_TENSOR_H_ -#define DATASET_CORE_TENSOR_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_TENSOR_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_TENSOR_H_ #include #include @@ -665,4 +665,4 @@ inline Tensor::TensorIterator Tensor::end() } } // namespace dataset } // namespace mindspore -#endif // DATASET_CORE_TENSOR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_CORE_TENSOR_H_ diff --git a/mindspore/ccsrc/minddata/dataset/include/transforms.h b/mindspore/ccsrc/minddata/dataset/include/transforms.h index 31531a20af0..92fa8b08bf2 100644 --- a/mindspore/ccsrc/minddata/dataset/include/transforms.h +++ b/mindspore/ccsrc/minddata/dataset/include/transforms.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_API_TRANSFORMS_H_ -#define DATASET_API_TRANSFORMS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_API_TRANSFORMS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_API_TRANSFORMS_H_ #include #include @@ -377,4 +377,4 @@ class RandomColorAdjustOperation : public TensorOperation { } // namespace api } // namespace dataset } // namespace mindspore -#endif // DATASET_API_TRANSFORMS_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_API_TRANSFORMS_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/compose_op.h b/mindspore/ccsrc/minddata/dataset/kernels/compose_op.h index 3f0d994a7ec..d6399363788 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/compose_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/compose_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_KERNELS_COMPOSE_OP_ -#define DATASET_KERNELS_COMPOSE_OP_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_COMPOSE_OP_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_COMPOSE_OP_ #include #include @@ -67,4 +67,4 @@ class ComposeOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_COMPOSE_OP_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_COMPOSE_OP_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/data/concatenate_op.h b/mindspore/ccsrc/minddata/dataset/kernels/data/concatenate_op.h index 46cc6130495..e762b548a25 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/data/concatenate_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/data/concatenate_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_KERNELS_DATA_CONCATENATE_OP_H_ -#define DATASET_KERNELS_DATA_CONCATENATE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_CONCATENATE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_CONCATENATE_OP_H_ #include #include diff --git a/mindspore/ccsrc/minddata/dataset/kernels/data/data_utils.h b/mindspore/ccsrc/minddata/dataset/kernels/data/data_utils.h index 141545a583a..4830995d5bf 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/data/data_utils.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/data/data_utils.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_DATA_DATA_UTILS_H_ -#define DATASET_KERNELS_DATA_DATA_UTILS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_DATA_UTILS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_DATA_UTILS_H_ #include #include @@ -160,4 +160,4 @@ Status ConcatenateHelper(const std::shared_ptr &input, std::shared_ptr #include @@ -42,4 +42,4 @@ class DuplicateOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_DUPLICATE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DUPLICATE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/data/fill_op.h b/mindspore/ccsrc/minddata/dataset/kernels/data/fill_op.h index af0d9e7941d..f2f6d7cfd6e 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/data/fill_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/data/fill_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_KERNELS_DATA_FILL_OP_H_ -#define DATASET_KERNELS_DATA_FILL_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_FILL_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_FILL_OP_H_ #include #include diff --git a/mindspore/ccsrc/minddata/dataset/kernels/data/one_hot_op.h b/mindspore/ccsrc/minddata/dataset/kernels/data/one_hot_op.h index 06a48235738..493f943ff84 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/data/one_hot_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/data/one_hot_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_DATA_ONE_HOT_OP_H_ -#define DATASET_KERNELS_DATA_ONE_HOT_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_ONE_HOT_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_ONE_HOT_OP_H_ #include #include @@ -44,4 +44,4 @@ class OneHotOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_DATA_ONE_HOT_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_ONE_HOT_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/data/pad_end_op.h b/mindspore/ccsrc/minddata/dataset/kernels/data/pad_end_op.h index c28f7250e0e..5a0639bf70f 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/data/pad_end_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/data/pad_end_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_DATA_PAD_END_OP_H_ -#define DATASET_KERNELS_DATA_PAD_END_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_PAD_END_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_PAD_END_OP_H_ #include #include @@ -46,4 +46,4 @@ class PadEndOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_DATA_PAD_END_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_PAD_END_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/data/slice_op.h b/mindspore/ccsrc/minddata/dataset/kernels/data/slice_op.h index 1cf99830c9e..6c77846c010 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/data/slice_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/data/slice_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_DATA_SLICE_OP_H_ -#define DATASET_KERNELS_DATA_SLICE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_SLICE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_SLICE_OP_H_ #include #include @@ -84,4 +84,4 @@ class SliceOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_DATA_SLICE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_SLICE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/data/type_cast_op.h b/mindspore/ccsrc/minddata/dataset/kernels/data/type_cast_op.h index b82bc32342a..744c99bd0d9 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/data/type_cast_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/data/type_cast_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_DATA_TYPE_CAST_OP_H_ -#define DATASET_KERNELS_DATA_TYPE_CAST_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_TYPE_CAST_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_TYPE_CAST_OP_H_ #include #include @@ -50,4 +50,4 @@ class TypeCastOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_DATA_TYPE_CAST_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_TYPE_CAST_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/auto_contrast_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/auto_contrast_op.h index 94b3b23df65..0bbed64173a 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/auto_contrast_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/auto_contrast_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_AUTO_CONTRAST_OP_H_ -#define DATASET_KERNELS_IMAGE_AUTO_CONTRAST_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_AUTO_CONTRAST_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_AUTO_CONTRAST_OP_H_ #include #include @@ -58,4 +58,4 @@ class AutoContrastOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_AUTO_CONTRAST_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_AUTO_CONTRAST_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/bounding_box_augment_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/bounding_box_augment_op.h index 8e30c5738d8..f2eee20f3e5 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/bounding_box_augment_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/bounding_box_augment_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_BOUNDING_BOX_AUGMENT_OP_H_ -#define DATASET_KERNELS_IMAGE_BOUNDING_BOX_AUGMENT_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_BOUNDING_BOX_AUGMENT_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_BOUNDING_BOX_AUGMENT_OP_H_ #include #include @@ -62,4 +62,4 @@ class BoundingBoxAugmentOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_BOUNDING_BOX_AUGMENT_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_BOUNDING_BOX_AUGMENT_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/center_crop_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/center_crop_op.h index 1f8cbcf230c..532aaf70d59 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/center_crop_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/center_crop_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_CENTER_CROP_OP_H_ -#define DATASET_KERNELS_IMAGE_CENTER_CROP_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_CENTER_CROP_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_CENTER_CROP_OP_H_ #include #include @@ -49,4 +49,4 @@ class CenterCropOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_CENTER_CROP_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_CENTER_CROP_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/cut_out_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/cut_out_op.h index 263cbdb27c3..3893c84fb39 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/cut_out_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/cut_out_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_CUT_OUT_OP_H_ -#define DATASET_KERNELS_IMAGE_CUT_OUT_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_CUT_OUT_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_CUT_OUT_OP_H_ #include #include @@ -76,4 +76,4 @@ class CutOutOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_CUT_OUT_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_CUT_OUT_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/decode_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/decode_op.h index 29bf1d0146d..62a0437e5ce 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/decode_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/decode_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_DECODE_OP_H_ -#define DATASET_KERNELS_IMAGE_DECODE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_DECODE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_DECODE_OP_H_ #include #include @@ -49,4 +49,4 @@ class DecodeOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_DECODE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_DECODE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/hwc_to_chw_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/hwc_to_chw_op.h index 0d5f70f8952..c071b9c4760 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/hwc_to_chw_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/hwc_to_chw_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_CHANNEL_SWAP_OP_H_ -#define DATASET_KERNELS_IMAGE_CHANNEL_SWAP_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_CHANNEL_SWAP_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_CHANNEL_SWAP_OP_H_ #include #include @@ -38,4 +38,4 @@ class HwcToChwOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_CHANNEL_SWAP_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_CHANNEL_SWAP_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/image_utils.h b/mindspore/ccsrc/minddata/dataset/kernels/image/image_utils.h index c1426338954..35e758174b7 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/image_utils.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/image_utils.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_IMAGE_UTILS_H_ -#define DATASET_KERNELS_IMAGE_IMAGE_UTILS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_IMAGE_UTILS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_IMAGE_UTILS_H_ #include @@ -264,4 +264,4 @@ Status UpdateBBoxesForResize(const std::shared_ptr &bboxList, const size } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_IMAGE_UTILS_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_IMAGE_UTILS_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/invert_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/invert_op.h index 01a3ef34495..7db01f7d3f7 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/invert_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/invert_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_INVERT_OP_H -#define DATASET_KERNELS_IMAGE_INVERT_OP_H +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_INVERT_OP_H +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_INVERT_OP_H #include #include @@ -41,4 +41,4 @@ class InvertOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_INVERT_OP_H +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_INVERT_OP_H diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/normalize_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/normalize_op.h index 7821869c8f8..2884776de4c 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/normalize_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/normalize_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_NORMALIZE_OP_H_ -#define DATASET_KERNELS_IMAGE_NORMALIZE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_NORMALIZE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_NORMALIZE_OP_H_ #include #include @@ -45,4 +45,4 @@ class NormalizeOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_NORMALIZE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_NORMALIZE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/pad_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/pad_op.h index 94370584066..a89f8be7382 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/pad_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/pad_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_PAD_OP_H_ -#define DATASET_KERNELS_IMAGE_PAD_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_PAD_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_PAD_OP_H_ #include #include @@ -69,4 +69,4 @@ class PadOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_PAD_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_PAD_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_color_adjust_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_color_adjust_op.h index fb29b570629..98201c4ace1 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_color_adjust_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_color_adjust_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_COLOR_ADJUST_OP_H_ -#define DATASET_KERNELS_IMAGE_RANDOM_COLOR_ADJUST_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_COLOR_ADJUST_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_COLOR_ADJUST_OP_H_ #include #include @@ -77,4 +77,4 @@ class RandomColorAdjustOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_COLOR_ADJUST_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_COLOR_ADJUST_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_and_resize_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_and_resize_op.h index 41d775fdf7c..ed92c0cfdd4 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_and_resize_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_and_resize_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_CROP_AND_RESIZE_OP_H_ -#define DATASET_KERNELS_IMAGE_RANDOM_CROP_AND_RESIZE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_AND_RESIZE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_AND_RESIZE_OP_H_ #include #include @@ -75,4 +75,4 @@ class RandomCropAndResizeOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_CROP_AND_RESIZE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_AND_RESIZE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_and_resize_with_bbox_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_and_resize_with_bbox_op.h index ddaac10fac2..43255b5e18a 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_and_resize_with_bbox_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_and_resize_with_bbox_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_CROP_AND_RESIZE_WITH_BBOX_OP_H_ -#define DATASET_KERNELS_IMAGE_RANDOM_CROP_AND_RESIZE_WITH_BBOX_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_AND_RESIZE_WITH_BBOX_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_AND_RESIZE_WITH_BBOX_OP_H_ #include "minddata/dataset/kernels/image/random_crop_and_resize_op.h" #include @@ -46,4 +46,4 @@ class RandomCropAndResizeWithBBoxOp : public RandomCropAndResizeOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_CROP_AND_RESIZE_WITH_BBOX_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_AND_RESIZE_WITH_BBOX_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_decode_resize_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_decode_resize_op.h index 863fd48c148..bb280cc1996 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_decode_resize_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_decode_resize_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_CROP_DECODE_RESIZE_OP_H_ -#define DATASET_KERNELS_IMAGE_RANDOM_CROP_DECODE_RESIZE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_DECODE_RESIZE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_DECODE_RESIZE_OP_H_ #include #include @@ -51,4 +51,4 @@ class RandomCropDecodeResizeOp : public RandomCropAndResizeOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_CROP_DECODE_RESIZE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_DECODE_RESIZE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_op.h index 44f1789f9d8..8e437580d40 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_CROP_OP_H_ -#define DATASET_KERNELS_IMAGE_RANDOM_CROP_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_OP_H_ #include #include @@ -98,4 +98,4 @@ class RandomCropOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_CROP_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_with_bbox_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_with_bbox_op.h index bfcd1610d3a..089fe76f0f7 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_with_bbox_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_crop_with_bbox_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_CROP_WITH_BBOX_OP_H_ -#define DATASET_KERNELS_IMAGE_RANDOM_CROP_WITH_BBOX_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_WITH_BBOX_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_WITH_BBOX_OP_H_ #include #include @@ -48,4 +48,4 @@ class RandomCropWithBBoxOp : public RandomCropOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_CROP_WITH_BBOX_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_CROP_WITH_BBOX_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_horizontal_flip_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_horizontal_flip_op.h index 9e089291805..c5610cfc506 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_horizontal_flip_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_horizontal_flip_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_HORIZONTAL_FLIP_OP_H_ -#define DATASET_KERNELS_IMAGE_RANDOM_HORIZONTAL_FLIP_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_HORIZONTAL_FLIP_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_HORIZONTAL_FLIP_OP_H_ #include #include @@ -57,4 +57,4 @@ class RandomHorizontalFlipOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_HORIZONTAL_FLIP_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_HORIZONTAL_FLIP_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_horizontal_flip_with_bbox_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_horizontal_flip_with_bbox_op.h index d98669ea139..0cb8815c2ea 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_horizontal_flip_with_bbox_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_horizontal_flip_with_bbox_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_HORIZONTAL_FLIP_BBOX_OP_H_ -#define DATASET_KERNELS_IMAGE_RANDOM_HORIZONTAL_FLIP_BBOX_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_HORIZONTAL_FLIP_BBOX_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_HORIZONTAL_FLIP_BBOX_OP_H_ #include #include @@ -58,4 +58,4 @@ class RandomHorizontalFlipWithBBoxOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_HORIZONTAL_FLIP_BBOX_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_HORIZONTAL_FLIP_BBOX_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_resize_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_resize_op.h index 8b2b067751b..9b4a1cf126b 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_resize_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_resize_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_RESIZE_OP_H_ -#define DATASET_KERNELS_IMAGE_RANDOM_RESIZE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_RESIZE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_RESIZE_OP_H_ #include #include @@ -55,4 +55,4 @@ class RandomResizeOp : public ResizeOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_RESIZE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_RESIZE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_resize_with_bbox_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_resize_with_bbox_op.h index 6bad0d30fa8..d5e70d08e21 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_resize_with_bbox_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_resize_with_bbox_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_RESIZE_WITH_BBOX_OP_H -#define DATASET_KERNELS_IMAGE_RANDOM_RESIZE_WITH_BBOX_OP_H +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_RESIZE_WITH_BBOX_OP_H +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_RESIZE_WITH_BBOX_OP_H #include #include @@ -56,4 +56,4 @@ class RandomResizeWithBBoxOp : public ResizeWithBBoxOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_RESIZE_WITH_BBOX_OP_H +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_RESIZE_WITH_BBOX_OP_H diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_rotation_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_rotation_op.h index ea679ccb565..17777a60d86 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_rotation_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_rotation_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_ROTATION_OP_H_ -#define DATASET_KERNELS_IMAGE_RANDOM_ROTATION_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_ROTATION_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_ROTATION_OP_H_ #include #include @@ -87,4 +87,4 @@ class RandomRotationOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_ROTATION_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_ROTATION_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_select_subpolicy_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_select_subpolicy_op.h index 55482a9818a..aea76c2ace2 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_select_subpolicy_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_select_subpolicy_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_SELECT_SUBPOLICY_OP_ -#define DATASET_KERNELS_IMAGE_RANDOM_SELECT_SUBPOLICY_OP_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_SELECT_SUBPOLICY_OP_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_SELECT_SUBPOLICY_OP_ #include #include @@ -76,4 +76,4 @@ class RandomSelectSubpolicyOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_SELECT_SUBPOLICY_OP_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_SELECT_SUBPOLICY_OP_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_vertical_flip_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_vertical_flip_op.h index cee5869c71a..6b328d58821 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_vertical_flip_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_vertical_flip_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_VERTICAL_FLIP_OP_H_ -#define DATASET_KERNELS_IMAGE_RANDOM_VERTICAL_FLIP_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_VERTICAL_FLIP_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_VERTICAL_FLIP_OP_H_ #include #include @@ -51,4 +51,4 @@ class RandomVerticalFlipOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_VERTICAL_FLIP_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_VERTICAL_FLIP_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/random_vertical_flip_with_bbox_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/random_vertical_flip_with_bbox_op.h index c9f19f52175..68cbf81c8e8 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/random_vertical_flip_with_bbox_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/random_vertical_flip_with_bbox_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RANDOM_VERTICAL_FLIP_WITH_BBOX_OP_H_ -#define DATASET_KERNELS_IMAGE_RANDOM_VERTICAL_FLIP_WITH_BBOX_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_VERTICAL_FLIP_WITH_BBOX_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_VERTICAL_FLIP_WITH_BBOX_OP_H_ #include #include @@ -52,4 +52,4 @@ class RandomVerticalFlipWithBBoxOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RANDOM_VERTICAL_FLIP_WITH_BBOX_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RANDOM_VERTICAL_FLIP_WITH_BBOX_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/rescale_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/rescale_op.h index c70b7bf6cff..8f8943ad63d 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/rescale_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/rescale_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RESCALE_OP_H_ -#define DATASET_KERNELS_IMAGE_RESCALE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RESCALE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RESCALE_OP_H_ #include #include @@ -47,4 +47,4 @@ class RescaleOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RESCALE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RESCALE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/resize_bilinear_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/resize_bilinear_op.h index fd8f940946e..99222622b03 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/resize_bilinear_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/resize_bilinear_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RESIZE_BILINEAR_OP_H_ -#define DATASET_KERNELS_IMAGE_RESIZE_BILINEAR_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RESIZE_BILINEAR_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RESIZE_BILINEAR_OP_H_ #include #include @@ -57,4 +57,4 @@ class ResizeBilinearOp : public ResizeOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RESIZE_BILINEAR_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RESIZE_BILINEAR_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/resize_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/resize_op.h index 3f847243ff2..9693e95106b 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/resize_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/resize_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RESIZE_OP_H_ -#define DATASET_KERNELS_IMAGE_RESIZE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RESIZE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RESIZE_OP_H_ #include #include @@ -65,4 +65,4 @@ class ResizeOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RESIZE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RESIZE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/resize_with_bbox_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/resize_with_bbox_op.h index d2b5c96bf37..c975d956a56 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/resize_with_bbox_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/resize_with_bbox_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_RESIZE_WITH_BBOX_OP_H -#define DATASET_KERNELS_IMAGE_RESIZE_WITH_BBOX_OP_H +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RESIZE_WITH_BBOX_OP_H +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RESIZE_WITH_BBOX_OP_H #include #include "minddata/dataset/core/tensor.h" @@ -43,4 +43,4 @@ class ResizeWithBBoxOp : public ResizeOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_RESIZE_WITH_BBOX_OP_H +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_RESIZE_WITH_BBOX_OP_H diff --git a/mindspore/ccsrc/minddata/dataset/kernels/image/uniform_aug_op.h b/mindspore/ccsrc/minddata/dataset/kernels/image/uniform_aug_op.h index 0ae0fda92bd..af5158bc7f2 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/image/uniform_aug_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/image/uniform_aug_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_IMAGE_UNIFORM_AUG_OP_H_ -#define DATASET_KERNELS_IMAGE_UNIFORM_AUG_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_UNIFORM_AUG_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_UNIFORM_AUG_OP_H_ #include #include @@ -56,4 +56,4 @@ class UniformAugOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_IMAGE_UNIFORM_AUG_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_IMAGE_UNIFORM_AUG_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/no_op.h b/mindspore/ccsrc/minddata/dataset/kernels/no_op.h index f5a6a58f2bb..d6058d63d6f 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/no_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/no_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_NO_OP_H_ -#define DATASET_KERNELS_NO_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_NO_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_NO_OP_H_ #include #include @@ -37,4 +37,4 @@ class NoOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_NO_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_NO_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/py_func_op.h b/mindspore/ccsrc/minddata/dataset/kernels/py_func_op.h index 75d222b433b..d11437b490f 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/py_func_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/py_func_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_KERNELS_PY_FUNC_OP_H_ -#define DATASET_KERNELS_PY_FUNC_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_PY_FUNC_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_PY_FUNC_OP_H_ #include #include @@ -47,4 +47,4 @@ class __attribute__((visibility("hidden"))) PyFuncOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_PY_FUNC_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_PY_FUNC_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/random_apply_op.h b/mindspore/ccsrc/minddata/dataset/kernels/random_apply_op.h index 117b95a22e8..0d6b49dac37 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/random_apply_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/random_apply_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_KERNELS_RANDOM_APPLY_OP_ -#define DATASET_KERNELS_RANDOM_APPLY_OP_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_RANDOM_APPLY_OP_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_RANDOM_APPLY_OP_ #include #include @@ -76,4 +76,4 @@ class RandomApplyOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_RANDOM_APPLY_OP_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_RANDOM_APPLY_OP_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/random_choice_op.h b/mindspore/ccsrc/minddata/dataset/kernels/random_choice_op.h index f952046837e..b7efb1316d8 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/random_choice_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/random_choice_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_KERNELS_RANDOM_CHOICE_OP_ -#define DATASET_KERNELS_RANDOM_CHOICE_OP_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_RANDOM_CHOICE_OP_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_RANDOM_CHOICE_OP_ #include #include @@ -74,4 +74,4 @@ class RandomChoiceOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_RANDOM_CHOICE_OP_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_RANDOM_CHOICE_OP_ diff --git a/mindspore/ccsrc/minddata/dataset/kernels/tensor_op.h b/mindspore/ccsrc/minddata/dataset/kernels/tensor_op.h index 638ce49dbf5..acf5ec25208 100644 --- a/mindspore/ccsrc/minddata/dataset/kernels/tensor_op.h +++ b/mindspore/ccsrc/minddata/dataset/kernels/tensor_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_TENSOR_OP_H_ -#define DATASET_KERNELS_TENSOR_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_TENSOR_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_TENSOR_OP_H_ #include #include @@ -216,4 +216,4 @@ class TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_TENSOR_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_TENSOR_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/basic_tokenizer_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/basic_tokenizer_op.h index cbc21273c2d..b8234a5af9a 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/basic_tokenizer_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/basic_tokenizer_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_TEXT_KERNELS_BASIC_TOKENIZER_OP_H_ -#define DATASET_TEXT_KERNELS_BASIC_TOKENIZER_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_BASIC_TOKENIZER_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_BASIC_TOKENIZER_OP_H_ #include #include #include @@ -74,4 +74,4 @@ class BasicTokenizerOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_KERNELS_BASIC_TOKENIZER_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_BASIC_TOKENIZER_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/bert_tokenizer_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/bert_tokenizer_op.h index b281903349c..429e1af02e6 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/bert_tokenizer_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/bert_tokenizer_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_TEXT_KERNELS_BERT_TOKENIZER_OP_H_ -#define DATASET_TEXT_KERNELS_BERT_TOKENIZER_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_BERT_TOKENIZER_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_BERT_TOKENIZER_OP_H_ #include #include @@ -54,4 +54,4 @@ class BertTokenizerOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_KERNELS_BERT_TOKENIZER_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_BERT_TOKENIZER_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/case_fold_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/case_fold_op.h index f7a21052692..417f6177778 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/case_fold_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/case_fold_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_TEXT_KERNELS_CASE_FOLD_OP_H_ -#define DATASET_TEXT_KERNELS_CASE_FOLD_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_CASE_FOLD_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_CASE_FOLD_OP_H_ #include #include @@ -39,4 +39,4 @@ class CaseFoldOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_KERNELS_CASE_FOLD_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_CASE_FOLD_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/data_utils.h b/mindspore/ccsrc/minddata/dataset/text/kernels/data_utils.h index 2af69cd3d6f..6c0e1f8dcee 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/data_utils.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/data_utils.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_TEXT_DATA_UTILS_H_ -#define DATASET_KERNELS_TEXT_DATA_UTILS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_TEXT_DATA_UTILS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_TEXT_DATA_UTILS_H_ #include #include @@ -40,4 +40,4 @@ Status SlidingWindowHelper(const std::shared_ptr &input, std::shared_ptr uint32_t width, int32_t axis); } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_TEXT_DATA_UTILS_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_TEXT_DATA_UTILS_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/jieba_tokenizer_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/jieba_tokenizer_op.h index 4e49891c003..2cbd56bb406 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/jieba_tokenizer_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/jieba_tokenizer_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_ENGINE_TEXT_JIEBA_OP_H_ -#define DATASET_ENGINE_TEXT_JIEBA_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_TEXT_JIEBA_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_TEXT_JIEBA_OP_H_ #include #include @@ -68,4 +68,4 @@ class JiebaTokenizerOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_ENGINE_TEXT_JIEBA_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_ENGINE_TEXT_JIEBA_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/lookup_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/lookup_op.h index 4efc64321bb..bd1bf67cd30 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/lookup_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/lookup_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_TEXT_KERNELS_LOOKUP_OP_H_ -#define DATASET_TEXT_KERNELS_LOOKUP_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_LOOKUP_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_LOOKUP_OP_H_ #include #include @@ -64,4 +64,4 @@ class LookupOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_KERNELS_LOOKUP_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_LOOKUP_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/ngram_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/ngram_op.h index 6ce3881638e..32032ee7a4e 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/ngram_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/ngram_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_TEXT_KERNELS_NGRAM_OP_H_ -#define DATASET_TEXT_KERNELS_NGRAM_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_NGRAM_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_NGRAM_OP_H_ #include #include @@ -72,4 +72,4 @@ class NgramOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_KERNELS_NGRAM_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_NGRAM_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/normalize_utf8_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/normalize_utf8_op.h index f914be1c584..69ceee4b354 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/normalize_utf8_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/normalize_utf8_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_TEXT_KERNELS_NORMALIZE_UTF8_OP_H_ -#define DATASET_TEXT_KERNELS_NORMALIZE_UTF8_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_NORMALIZE_UTF8_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_NORMALIZE_UTF8_OP_H_ #include #include @@ -50,4 +50,4 @@ class NormalizeUTF8Op : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_KERNELS_NORMALIZE_UTF8_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_NORMALIZE_UTF8_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/regex_replace_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/regex_replace_op.h index ac3d3f7ff0c..601fb8a4027 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/regex_replace_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/regex_replace_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_TEXT_KERNELS_REGEX_REPLACE_OP_H_ -#define DATASET_TEXT_KERNELS_REGEX_REPLACE_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_REGEX_REPLACE_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_REGEX_REPLACE_OP_H_ #include #include @@ -54,4 +54,4 @@ class RegexReplaceOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_KERNELS_REGEX_REPLACE_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_REGEX_REPLACE_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/regex_tokenizer_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/regex_tokenizer_op.h index 56271f95516..1ce7cef3dbf 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/regex_tokenizer_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/regex_tokenizer_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_TEXT_REGEX_TOKENIZER_OP_H_ -#define DATASET_TEXT_REGEX_TOKENIZER_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_REGEX_TOKENIZER_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_REGEX_TOKENIZER_OP_H_ #include #include #include @@ -63,4 +63,4 @@ class RegexTokenizerOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_REGEX_TOKENIZER_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_REGEX_TOKENIZER_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/sliding_window_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/sliding_window_op.h index a9340d12bd0..d944d4eb5ea 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/sliding_window_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/sliding_window_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_TEXT_SLIDING_WINDOW_OP_H_ -#define DATASET_KERNELS_TEXT_SLIDING_WINDOW_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_TEXT_SLIDING_WINDOW_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_TEXT_SLIDING_WINDOW_OP_H_ #include #include @@ -65,4 +65,4 @@ class SlidingWindowOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_TEXT_SLIDING_WINDOW_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_TEXT_SLIDING_WINDOW_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/to_number_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/to_number_op.h index 8582fcf0736..d13c5e9236d 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/to_number_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/to_number_op.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_TEXT_KERNELS_TO_NUMBER_OP_H_ -#define DATASET_TEXT_KERNELS_TO_NUMBER_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_TO_NUMBER_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_TO_NUMBER_OP_H_ #include #include @@ -78,4 +78,4 @@ class ToNumberOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_KERNELS_TO_NUMBER_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_TO_NUMBER_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/truncate_sequence_pair_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/truncate_sequence_pair_op.h index ce827356450..e8a9d863157 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/truncate_sequence_pair_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/truncate_sequence_pair_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_KERNELS_DATA_TRUNCATE_SEQUENCE_PAIR_OP_H_ -#define DATASET_KERNELS_DATA_TRUNCATE_SEQUENCE_PAIR_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_TRUNCATE_SEQUENCE_PAIR_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_TRUNCATE_SEQUENCE_PAIR_OP_H_ #include #include @@ -47,4 +47,4 @@ class TruncateSequencePairOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_KERNELS_DATA_TRUNCATE_SEQUENCE_PAIR_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_KERNELS_DATA_TRUNCATE_SEQUENCE_PAIR_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/unicode_char_tokenizer_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/unicode_char_tokenizer_op.h index 415d99b4511..acfec8e5c86 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/unicode_char_tokenizer_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/unicode_char_tokenizer_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_TEXT_KERNELS_UNICODE_CHAR_TOKENIZER_OP_H_ -#define DATASET_TEXT_KERNELS_UNICODE_CHAR_TOKENIZER_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_UNICODE_CHAR_TOKENIZER_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_UNICODE_CHAR_TOKENIZER_OP_H_ #include #include @@ -45,4 +45,4 @@ class UnicodeCharTokenizerOp : public TensorOp { } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_KERNELS_UNICODE_CHAR_TOKENIZER_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_UNICODE_CHAR_TOKENIZER_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/unicode_script_tokenizer_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/unicode_script_tokenizer_op.h index fc3b9e620a2..cb093c69fbb 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/unicode_script_tokenizer_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/unicode_script_tokenizer_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_TEXT_KERNELS_UNICODE_SCRIPT_TOKENIZER_OP_H_ -#define DATASET_TEXT_KERNELS_UNICODE_SCRIPT_TOKENIZER_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_UNICODE_SCRIPT_TOKENIZER_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_UNICODE_SCRIPT_TOKENIZER_OP_H_ #include #include @@ -48,4 +48,4 @@ class UnicodeScriptTokenizerOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_KERNELS_UNICODE_SCRIPT_TOKENIZER_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_UNICODE_SCRIPT_TOKENIZER_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/whitespace_tokenizer_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/whitespace_tokenizer_op.h index 7cc37fd705b..652257d33b5 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/whitespace_tokenizer_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/whitespace_tokenizer_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_TEXT_KERNELS_WHITESPACE_TOKENIZER_OP_H_ -#define DATASET_TEXT_KERNELS_WHITESPACE_TOKENIZER_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_WHITESPACE_TOKENIZER_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_WHITESPACE_TOKENIZER_OP_H_ #include #include @@ -44,4 +44,4 @@ class WhitespaceTokenizerOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_KERNELS_WHITESPACE_TOKENIZER_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_WHITESPACE_TOKENIZER_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/kernels/wordpiece_tokenizer_op.h b/mindspore/ccsrc/minddata/dataset/text/kernels/wordpiece_tokenizer_op.h index 4f9c76f57e9..f7c57842ce6 100644 --- a/mindspore/ccsrc/minddata/dataset/text/kernels/wordpiece_tokenizer_op.h +++ b/mindspore/ccsrc/minddata/dataset/text/kernels/wordpiece_tokenizer_op.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_TEXT_KERNELS_WORDPIECE_TOKENIZER_OP_H_ -#define DATASET_TEXT_KERNELS_WORDPIECE_TOKENIZER_OP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_WORDPIECE_TOKENIZER_OP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_WORDPIECE_TOKENIZER_OP_H_ #include #include #include @@ -69,4 +69,4 @@ class WordpieceTokenizerOp : public TensorOp { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_KERNELS_WORDPIECE_TOKENIZER_OP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_KERNELS_WORDPIECE_TOKENIZER_OP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/text/vocab.h b/mindspore/ccsrc/minddata/dataset/text/vocab.h index 6bf6c488c51..06da5f8f332 100644 --- a/mindspore/ccsrc/minddata/dataset/text/vocab.h +++ b/mindspore/ccsrc/minddata/dataset/text/vocab.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef DATASET_TEXT_VOCAB_H_ -#define DATASET_TEXT_VOCAB_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_VOCAB_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_VOCAB_H_ #include #include @@ -85,4 +85,4 @@ class Vocab { } // namespace dataset } // namespace mindspore -#endif // DATASET_TEXT_VOCAB_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_TEXT_VOCAB_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/allocator.h b/mindspore/ccsrc/minddata/dataset/util/allocator.h index b5eaed97a69..8c64c2940ee 100644 --- a/mindspore/ccsrc/minddata/dataset/util/allocator.h +++ b/mindspore/ccsrc/minddata/dataset/util/allocator.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_ALLOCATOR_H_ -#define DATASET_UTIL_ALLOCATOR_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_ALLOCATOR_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_ALLOCATOR_H_ #include #include @@ -175,4 +175,4 @@ class MemGuard { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_ALLOCATOR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_ALLOCATOR_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/arena.h b/mindspore/ccsrc/minddata/dataset/util/arena.h index 8887757af15..2525bde1423 100644 --- a/mindspore/ccsrc/minddata/dataset/util/arena.h +++ b/mindspore/ccsrc/minddata/dataset/util/arena.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_ARENA_H_ -#define DATASET_UTIL_ARENA_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_ARENA_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_ARENA_H_ #include #include @@ -102,4 +102,4 @@ class Arena : public MemoryPool { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_ARENA_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_ARENA_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/auto_index.h b/mindspore/ccsrc/minddata/dataset/util/auto_index.h index 0fe55159e62..a1c3a613e2e 100644 --- a/mindspore/ccsrc/minddata/dataset/util/auto_index.h +++ b/mindspore/ccsrc/minddata/dataset/util/auto_index.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_AUTO_INDEX_H_ -#define DATASET_UTIL_AUTO_INDEX_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_AUTO_INDEX_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_AUTO_INDEX_H_ #include #include @@ -96,4 +96,4 @@ class AutoIndexObj : public BPlusTree { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_AUTO_INDEX_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_AUTO_INDEX_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/bit.h b/mindspore/ccsrc/minddata/dataset/util/bit.h index f02f39585cb..e4872a3662f 100644 --- a/mindspore/ccsrc/minddata/dataset/util/bit.h +++ b/mindspore/ccsrc/minddata/dataset/util/bit.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_BIT_H_ -#define DATASET_UTIL_BIT_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_BIT_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_BIT_H_ namespace mindspore { namespace dataset { @@ -72,4 +72,4 @@ Enum operator~(Enum v) { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_BIT_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_BIT_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/btree.h b/mindspore/ccsrc/minddata/dataset/util/btree.h index 828976a0a13..06c84f7a66e 100644 --- a/mindspore/ccsrc/minddata/dataset/util/btree.h +++ b/mindspore/ccsrc/minddata/dataset/util/btree.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_INDEX_H_ -#define DATASET_UTIL_INDEX_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_INDEX_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_INDEX_H_ #include #include @@ -453,7 +453,7 @@ class BPlusTree { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_INDEX_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_INDEX_H_ #include "btree_impl.tpp" #include "btree_iterator.tpp" diff --git a/mindspore/ccsrc/minddata/dataset/util/buddy.h b/mindspore/ccsrc/minddata/dataset/util/buddy.h index b1bcd3ce416..d95c2b0528b 100644 --- a/mindspore/ccsrc/minddata/dataset/util/buddy.h +++ b/mindspore/ccsrc/minddata/dataset/util/buddy.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_BUDDY_H_ -#define DATASET_UTIL_BUDDY_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_BUDDY_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_BUDDY_H_ #include #include @@ -130,4 +130,4 @@ class BuddySpace { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_BUDDY_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_BUDDY_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/cache_pool.h b/mindspore/ccsrc/minddata/dataset/util/cache_pool.h index cdb6da16b63..9bed5a2ef3e 100644 --- a/mindspore/ccsrc/minddata/dataset/util/cache_pool.h +++ b/mindspore/ccsrc/minddata/dataset/util/cache_pool.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_CACHE_POOL_H_ -#define DATASET_UTIL_CACHE_POOL_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_CACHE_POOL_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_CACHE_POOL_H_ #include #include diff --git a/mindspore/ccsrc/minddata/dataset/util/circular_pool.h b/mindspore/ccsrc/minddata/dataset/util/circular_pool.h index a63afbd6914..56e28aa6a20 100644 --- a/mindspore/ccsrc/minddata/dataset/util/circular_pool.h +++ b/mindspore/ccsrc/minddata/dataset/util/circular_pool.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_CIRCULAR_POOL_H_ -#define DATASET_UTIL_CIRCULAR_POOL_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_CIRCULAR_POOL_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_CIRCULAR_POOL_H_ #include #include @@ -105,4 +105,4 @@ class CircularPool : public MemoryPool { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_CIRCULAR_POOL_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_CIRCULAR_POOL_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/cond_var.h b/mindspore/ccsrc/minddata/dataset/util/cond_var.h index 88fcad24a29..24fd2bc2bcd 100644 --- a/mindspore/ccsrc/minddata/dataset/util/cond_var.h +++ b/mindspore/ccsrc/minddata/dataset/util/cond_var.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_COND_VAR_H_ -#define DATASET_UTIL_COND_VAR_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_COND_VAR_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_COND_VAR_H_ #include #include @@ -56,4 +56,4 @@ class CondVar : public IntrpResource { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_COND_VAR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_COND_VAR_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/intrp_resource.h b/mindspore/ccsrc/minddata/dataset/util/intrp_resource.h index 9d78e2cd32a..00ba0d84bb6 100644 --- a/mindspore/ccsrc/minddata/dataset/util/intrp_resource.h +++ b/mindspore/ccsrc/minddata/dataset/util/intrp_resource.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_INTRP_RESOURCE_H_ -#define DATASET_UTIL_INTRP_RESOURCE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_INTRP_RESOURCE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_INTRP_RESOURCE_H_ #include #include "minddata/dataset/util/status.h" @@ -49,4 +49,4 @@ class IntrpResource { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_INTRP_RESOURCE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_INTRP_RESOURCE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/intrp_service.h b/mindspore/ccsrc/minddata/dataset/util/intrp_service.h index cb6bf30c731..2aa6987e6bd 100644 --- a/mindspore/ccsrc/minddata/dataset/util/intrp_service.h +++ b/mindspore/ccsrc/minddata/dataset/util/intrp_service.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_INTRP_SERVICE_H_ -#define DATASET_UTIL_INTRP_SERVICE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_INTRP_SERVICE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_INTRP_SERVICE_H_ #include #include @@ -60,4 +60,4 @@ class IntrpService : public Service { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_INTRP_SERVICE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_INTRP_SERVICE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/list.h b/mindspore/ccsrc/minddata/dataset/util/list.h index 06f26ab57c9..b7eb8ebd014 100644 --- a/mindspore/ccsrc/minddata/dataset/util/list.h +++ b/mindspore/ccsrc/minddata/dataset/util/list.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_LIST_H_ -#define DATASET_UTIL_LIST_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_LIST_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_LIST_H_ #include #include @@ -213,4 +213,4 @@ struct List { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_LIST_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_LIST_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/lock.h b/mindspore/ccsrc/minddata/dataset/util/lock.h index 9492d34bdf4..35f15ef9345 100644 --- a/mindspore/ccsrc/minddata/dataset/util/lock.h +++ b/mindspore/ccsrc/minddata/dataset/util/lock.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_LOCK_H_ -#define DATASET_UTIL_LOCK_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_LOCK_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_LOCK_H_ #include #include @@ -170,4 +170,4 @@ class LockGuard { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_LOCK_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_LOCK_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/memory_pool.h b/mindspore/ccsrc/minddata/dataset/util/memory_pool.h index c7cc4731092..33e6012626e 100644 --- a/mindspore/ccsrc/minddata/dataset/util/memory_pool.h +++ b/mindspore/ccsrc/minddata/dataset/util/memory_pool.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_MEMORY_POOL_H_ -#define DATASET_UTIL_MEMORY_POOL_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_MEMORY_POOL_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_MEMORY_POOL_H_ #include #include @@ -56,4 +56,4 @@ void operator delete(void *, std::shared_ptr); void operator delete[](void *, std::shared_ptr); -#endif // DATASET_UTIL_MEMORY_POOL_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_MEMORY_POOL_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/path.h b/mindspore/ccsrc/minddata/dataset/util/path.h index 8bc07ca8f3e..17dc015c704 100644 --- a/mindspore/ccsrc/minddata/dataset/util/path.h +++ b/mindspore/ccsrc/minddata/dataset/util/path.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_PATH_H_ -#define DATASET_UTIL_PATH_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_PATH_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_PATH_H_ #include #include @@ -111,4 +111,4 @@ class Path { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_PATH_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_PATH_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/queue.h b/mindspore/ccsrc/minddata/dataset/util/queue.h index 7a0a987499a..0cdb2c19930 100644 --- a/mindspore/ccsrc/minddata/dataset/util/queue.h +++ b/mindspore/ccsrc/minddata/dataset/util/queue.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_QUEUE_H_ -#define DATASET_UTIL_QUEUE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_QUEUE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_QUEUE_H_ #include #include @@ -253,4 +253,4 @@ class QueueList { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_QUEUE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_QUEUE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/random.h b/mindspore/ccsrc/minddata/dataset/util/random.h index d2658f67ecb..7e8dd48e880 100644 --- a/mindspore/ccsrc/minddata/dataset/util/random.h +++ b/mindspore/ccsrc/minddata/dataset/util/random.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_RANDOM_H_ -#define DATASET_UTIL_RANDOM_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_RANDOM_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_RANDOM_H_ #if defined(_WIN32) || defined(_WIN64) #include @@ -71,4 +71,4 @@ inline uint32_t GetSeed() { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_RANDOM_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_RANDOM_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/semaphore.h b/mindspore/ccsrc/minddata/dataset/util/semaphore.h index d07398acb11..88935dc6f7e 100644 --- a/mindspore/ccsrc/minddata/dataset/util/semaphore.h +++ b/mindspore/ccsrc/minddata/dataset/util/semaphore.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_SEMAPHORE_H_ -#define DATASET_UTIL_SEMAPHORE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SEMAPHORE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SEMAPHORE_H_ #include "minddata/dataset/util/cond_var.h" @@ -51,4 +51,4 @@ class Semaphore { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_SEMAPHORE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SEMAPHORE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/service.h b/mindspore/ccsrc/minddata/dataset/util/service.h index 2b9c7197fea..325f5f059ab 100644 --- a/mindspore/ccsrc/minddata/dataset/util/service.h +++ b/mindspore/ccsrc/minddata/dataset/util/service.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_SERVICE_H_ -#define DATASET_UTIL_SERVICE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SERVICE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SERVICE_H_ #include #include "minddata/dataset/util/lock.h" @@ -50,4 +50,4 @@ class Service { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_SERVICE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SERVICE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/services.h b/mindspore/ccsrc/minddata/dataset/util/services.h index c7adea0b6e0..9d4dca97653 100644 --- a/mindspore/ccsrc/minddata/dataset/util/services.h +++ b/mindspore/ccsrc/minddata/dataset/util/services.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_SERVICES_H_ -#define DATASET_UTIL_SERVICES_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SERVICES_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SERVICES_H_ #include #include @@ -101,4 +101,4 @@ class Services { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_SERVICES_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SERVICES_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/sig_handler.h b/mindspore/ccsrc/minddata/dataset/util/sig_handler.h index af40738feb4..03f644a45c3 100644 --- a/mindspore/ccsrc/minddata/dataset/util/sig_handler.h +++ b/mindspore/ccsrc/minddata/dataset/util/sig_handler.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_SIG_HANDLER_H_ -#define DATASET_UTIL_SIG_HANDLER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SIG_HANDLER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SIG_HANDLER_H_ #include #include @@ -33,4 +33,4 @@ extern void IntHandler(int sig_num, // The signal that was raised } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_SIG_HANDLER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SIG_HANDLER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/slice.h b/mindspore/ccsrc/minddata/dataset/util/slice.h index 1caee0f816b..304a7e8698e 100644 --- a/mindspore/ccsrc/minddata/dataset/util/slice.h +++ b/mindspore/ccsrc/minddata/dataset/util/slice.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_SLICE_H_ -#define DATASET_UTIL_SLICE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SLICE_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SLICE_H_ #include #include @@ -125,4 +125,4 @@ class WritableSlice : public ReadableSlice { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_SLICE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SLICE_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/status.h b/mindspore/ccsrc/minddata/dataset/util/status.h index 7a480f42391..b919b4dc4e0 100644 --- a/mindspore/ccsrc/minddata/dataset/util/status.h +++ b/mindspore/ccsrc/minddata/dataset/util/status.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_STATUS_H_ -#define DATASET_UTIL_STATUS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_STATUS_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_STATUS_H_ #if defined(__GNUC__) || defined(__clang__) #define DEPRECATED __attribute__((deprecated)) @@ -134,4 +134,4 @@ class Status { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_STATUS_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_STATUS_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/storage_container.h b/mindspore/ccsrc/minddata/dataset/util/storage_container.h index a304012b609..1eec09f9425 100644 --- a/mindspore/ccsrc/minddata/dataset/util/storage_container.h +++ b/mindspore/ccsrc/minddata/dataset/util/storage_container.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_STORAGE_CONTAINER_H_ -#define DATASET_UTIL_STORAGE_CONTAINER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_STORAGE_CONTAINER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_STORAGE_CONTAINER_H_ #include #include @@ -76,4 +76,4 @@ class StorageContainer { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_STORAGE_CONTAINER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_STORAGE_CONTAINER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/storage_manager.h b/mindspore/ccsrc/minddata/dataset/util/storage_manager.h index e79e7c6e63c..764ac835753 100644 --- a/mindspore/ccsrc/minddata/dataset/util/storage_manager.h +++ b/mindspore/ccsrc/minddata/dataset/util/storage_manager.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_STORAGE_MANAGER_H_ -#define DATASET_UTIL_STORAGE_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_STORAGE_MANAGER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_STORAGE_MANAGER_H_ #include #include @@ -73,4 +73,4 @@ class StorageManager : public Service { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_STORAGE_MANAGER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_STORAGE_MANAGER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/system_pool.h b/mindspore/ccsrc/minddata/dataset/util/system_pool.h index 3a7e61d16b7..789252dc8c8 100644 --- a/mindspore/ccsrc/minddata/dataset/util/system_pool.h +++ b/mindspore/ccsrc/minddata/dataset/util/system_pool.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_SYSTEM_POOL_H_ -#define DATASET_UTIL_SYSTEM_POOL_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SYSTEM_POOL_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SYSTEM_POOL_H_ #include #include @@ -72,4 +72,4 @@ class SystemPool : public MemoryPool { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_SYSTEM_POOL_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_SYSTEM_POOL_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/task.h b/mindspore/ccsrc/minddata/dataset/util/task.h index 9309a3de7b5..951beb9a4c0 100644 --- a/mindspore/ccsrc/minddata/dataset/util/task.h +++ b/mindspore/ccsrc/minddata/dataset/util/task.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_TASK_H_ -#define DATASET_UTIL_TASK_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_TASK_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_TASK_H_ #include #include @@ -122,4 +122,4 @@ extern thread_local Task *gMyTask; } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_TASK_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_TASK_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/task_manager.h b/mindspore/ccsrc/minddata/dataset/util/task_manager.h index 3030390bab2..7b81bc8c719 100644 --- a/mindspore/ccsrc/minddata/dataset/util/task_manager.h +++ b/mindspore/ccsrc/minddata/dataset/util/task_manager.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_TASK_MANAGER_H_ -#define DATASET_UTIL_TASK_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_TASK_MANAGER_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_TASK_MANAGER_H_ #if !defined(_WIN32) && !defined(_WIN64) #include @@ -178,4 +178,4 @@ inline Status GetInterruptStatus() { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_TASK_MANAGER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_TASK_MANAGER_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/treap.h b/mindspore/ccsrc/minddata/dataset/util/treap.h index 777b7c5701d..50c59b4f761 100644 --- a/mindspore/ccsrc/minddata/dataset/util/treap.h +++ b/mindspore/ccsrc/minddata/dataset/util/treap.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_TREAP_H_ -#define DATASET_UTIL_TREAP_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_TREAP_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_TREAP_H_ #include #include @@ -404,4 +404,4 @@ class Treap { }; } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_TREAP_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_TREAP_H_ diff --git a/mindspore/ccsrc/minddata/dataset/util/wait_post.h b/mindspore/ccsrc/minddata/dataset/util/wait_post.h index afd3bea38b7..7af4151a57c 100644 --- a/mindspore/ccsrc/minddata/dataset/util/wait_post.h +++ b/mindspore/ccsrc/minddata/dataset/util/wait_post.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef DATASET_UTIL_WAIT_POST_H_ -#define DATASET_UTIL_WAIT_POST_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_WAIT_POST_H_ +#define MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_WAIT_POST_H_ #include #include "minddata/dataset/util/cond_var.h" @@ -50,4 +50,4 @@ class WaitPost { } // namespace dataset } // namespace mindspore -#endif // DATASET_UTIL_WAIT_POST_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_DATASET_UTIL_WAIT_POST_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/common/shard_pybind.h b/mindspore/ccsrc/minddata/mindrecord/include/common/shard_pybind.h index 3b3698ca684..dfc41aa4a00 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/common/shard_pybind.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/common/shard_pybind.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_COMMON_SHARD_PYBIND_H_ -#define MINDRECORD_INCLUDE_COMMON_SHARD_PYBIND_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_COMMON_SHARD_PYBIND_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_COMMON_SHARD_PYBIND_H_ #include #include @@ -37,4 +37,4 @@ py::object FromJsonImpl(const json &j); json ToJsonImpl(const py::handle &obj); } // namespace detail } // namespace nlohmann -#endif // MINDRECORD_INCLUDE_COMMON_SHARD_PYBIND_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_COMMON_SHARD_PYBIND_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/common/shard_utils.h b/mindspore/ccsrc/minddata/mindrecord/include/common/shard_utils.h index 6c3e4e9c6c6..198cd46cc80 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/common/shard_utils.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/common/shard_utils.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_COMMON_SHARD_UTILS_H_ -#define MINDRECORD_INCLUDE_COMMON_SHARD_UTILS_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_COMMON_SHARD_UTILS_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_COMMON_SHARD_UTILS_H_ #include #include @@ -183,4 +183,4 @@ uint32_t GetMaxThreadNum(); } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_COMMON_SHARD_UTILS_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_COMMON_SHARD_UTILS_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_category.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_category.h index ed1e748afed..b4a0bcae6dc 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_category.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_category.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_CATEGORY_H_ -#define MINDRECORD_INCLUDE_SHARD_CATEGORY_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_CATEGORY_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_CATEGORY_H_ #include #include @@ -60,4 +60,4 @@ class ShardCategory : public ShardOperator { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_CATEGORY_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_CATEGORY_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_column.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_column.h index f6353ed3ce5..9510eeed1c6 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_column.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_column.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_COLUMN_H_ -#define MINDRECORD_INCLUDE_SHARD_COLUMN_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_COLUMN_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_COLUMN_H_ #include #include @@ -164,4 +164,4 @@ class ShardColumn { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_COLUMN_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_COLUMN_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_distributed_sample.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_distributed_sample.h index 9244c16f9f5..6cd332c0284 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_distributed_sample.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_distributed_sample.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_DISTRIBUTED_SAMPLE_H_ -#define MINDRECORD_INCLUDE_SHARD_DISTRIBUTED_SAMPLE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_DISTRIBUTED_SAMPLE_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_DISTRIBUTED_SAMPLE_H_ #include #include @@ -51,4 +51,4 @@ class ShardDistributedSample : public ShardSample { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_DISTRIBUTED_SAMPLE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_DISTRIBUTED_SAMPLE_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_error.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_error.h index 8488ca70cec..dca284ea1c8 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_error.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_error.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_ERROR_H_ -#define MINDRECORD_INCLUDE_SHARD_ERROR_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_ERROR_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_ERROR_H_ #include #include @@ -81,4 +81,4 @@ std::string ErrnoToMessage(MSRStatus status); } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_ERROR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_ERROR_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_header.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_header.h index 008f37941da..4aad0d117ed 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_header.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_header.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_HEADER_H_ -#define MINDRECORD_INCLUDE_SHARD_HEADER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_HEADER_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_HEADER_H_ #include #include @@ -187,4 +187,4 @@ class ShardHeader { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_HEADER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_HEADER_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_index.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_index.h index 79b10893fbd..4e38c54fd2c 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_index.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_index.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INDEX_H -#define MINDRECORD_INDEX_H +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INDEX_H +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INDEX_H #pragma once #include @@ -62,4 +62,4 @@ class Index { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INDEX_H +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INDEX_H diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_index_generator.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_index_generator.h index c05b8876e97..7814840aefe 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_index_generator.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_index_generator.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_INDEX_GENERATOR_H_ -#define MINDRECORD_INCLUDE_SHARD_INDEX_GENERATOR_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_INDEX_GENERATOR_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_INDEX_GENERATOR_H_ #include #include @@ -119,4 +119,4 @@ class ShardIndexGenerator { }; } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_INDEX_GENERATOR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_INDEX_GENERATOR_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_operator.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_operator.h index b5ea53b759a..2ba4498063d 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_operator.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_operator.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_OPERATOR_H_ -#define MINDRECORD_INCLUDE_SHARD_OPERATOR_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_OPERATOR_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_OPERATOR_H_ #include #include "minddata/mindrecord/include/shard_task.h" @@ -60,4 +60,4 @@ class ShardOperator { }; } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_OPERATOR_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_OPERATOR_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_page.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_page.h index 01c70acf297..2e9cc7dd1a6 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_page.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_page.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_PAGE_H_ -#define MINDRECORD_INCLUDE_SHARD_PAGE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_PAGE_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_PAGE_H_ #include #include @@ -103,4 +103,4 @@ class Page { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_PAGE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_PAGE_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_pk_sample.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_pk_sample.h index 2d420b563dd..04f47db358f 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_pk_sample.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_pk_sample.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_PK_SAMPLE_H_ -#define MINDRECORD_INCLUDE_SHARD_PK_SAMPLE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_PK_SAMPLE_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_PK_SAMPLE_H_ #include #include @@ -46,4 +46,4 @@ class ShardPkSample : public ShardCategory { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_PK_SAMPLE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_PK_SAMPLE_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_reader.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_reader.h index b1b0c1397a3..4e61ed12bf2 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_reader.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_reader.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_READER_H_ -#define MINDRECORD_INCLUDE_SHARD_READER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_READER_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_READER_H_ #include #include @@ -363,4 +363,4 @@ class ShardReader { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_READER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_READER_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_sample.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_sample.h index c3d695e8e8c..6e5d85372c7 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_sample.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_sample.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_SAMPLE_H_ -#define MINDRECORD_INCLUDE_SHARD_SAMPLE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SAMPLE_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SAMPLE_H_ #include #include @@ -58,4 +58,4 @@ class ShardSample : public ShardOperator { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_SAMPLE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SAMPLE_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_schema.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_schema.h index 56eae85e5a1..6efcca4dc1d 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_schema.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_schema.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_SCHEMA_H_ -#define MINDRECORD_INCLUDE_SHARD_SCHEMA_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SCHEMA_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SCHEMA_H_ #include #include @@ -87,4 +87,4 @@ class Schema { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_SCHEMA_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SCHEMA_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_segment.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_segment.h index 45d9bda3381..fd7f7dee214 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_segment.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_segment.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_SEGMENT_H_ -#define MINDRECORD_INCLUDE_SHARD_SEGMENT_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SEGMENT_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SEGMENT_H_ #include #include @@ -99,4 +99,4 @@ class ShardSegment : public ShardReader { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_SEGMENT_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SEGMENT_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_sequential_sample.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_sequential_sample.h index 724be9acaf4..4205c405b91 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_sequential_sample.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_sequential_sample.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_SEQUENTIAL_SAMPLE_H_ -#define MINDRECORD_INCLUDE_SHARD_SEQUENTIAL_SAMPLE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SEQUENTIAL_SAMPLE_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SEQUENTIAL_SAMPLE_H_ #include #include @@ -45,4 +45,4 @@ class ShardSequentialSample : public ShardSample { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_SEQUENTIAL_SAMPLE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SEQUENTIAL_SAMPLE_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_shuffle.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_shuffle.h index d7f736b55ba..4fca36a5e4a 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_shuffle.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_shuffle.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_SHUFFLE_H_ -#define MINDRECORD_INCLUDE_SHARD_SHUFFLE_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SHUFFLE_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SHUFFLE_H_ #include #include "minddata/mindrecord/include/shard_operator.h" @@ -45,4 +45,4 @@ class ShardShuffle : public ShardOperator { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_SHUFFLE_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_SHUFFLE_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_statistics.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_statistics.h index f100bb9833f..cefe7a11ae4 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_statistics.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_statistics.h @@ -15,8 +15,8 @@ */ #pragma once -#ifndef MINDRECORD_STATISTICS_H -#define MINDRECORD_STATISTICS_H +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_STATISTICS_H +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_STATISTICS_H #include #include @@ -88,4 +88,4 @@ class Statistics { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_STATISTICS_H +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_STATISTICS_H diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_task.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_task.h index f07da656f2c..6074a036da2 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_task.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_task.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_TASK_H_ -#define MINDRECORD_INCLUDE_SHARD_TASK_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_TASK_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_TASK_H_ #include #include @@ -64,4 +64,4 @@ class ShardTask { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_TASK_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_TASK_H_ diff --git a/mindspore/ccsrc/minddata/mindrecord/include/shard_writer.h b/mindspore/ccsrc/minddata/mindrecord/include/shard_writer.h index 67d4e471f8f..ddb7e7cb8fb 100644 --- a/mindspore/ccsrc/minddata/mindrecord/include/shard_writer.h +++ b/mindspore/ccsrc/minddata/mindrecord/include/shard_writer.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDRECORD_INCLUDE_SHARD_WRITER_H_ -#define MINDRECORD_INCLUDE_SHARD_WRITER_H_ +#ifndef MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_WRITER_H_ +#define MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_WRITER_H_ #include #include @@ -261,4 +261,4 @@ class ShardWriter { } // namespace mindrecord } // namespace mindspore -#endif // MINDRECORD_INCLUDE_SHARD_WRITER_H_ +#endif // MINDSPORE_CCSRC_MINDDATA_MINDRECORD_INCLUDE_SHARD_WRITER_H_ diff --git a/mindspore/ccsrc/pipeline/jit/action.h b/mindspore/ccsrc/pipeline/jit/action.h index 03ea2450d95..59a750f5ad3 100644 --- a/mindspore/ccsrc/pipeline/jit/action.h +++ b/mindspore/ccsrc/pipeline/jit/action.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PIPELINE_ACTION_H_ -#define MINDSPORE_CCSRC_PIPELINE_ACTION_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_ACTION_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_ACTION_H_ #include #include @@ -55,4 +55,4 @@ FuncGraphPtr Renormalize(const ResourcePtr &res, const FuncGraphPtr &func_graph, } // namespace pipeline } // namespace mindspore -#endif // MINDSPORE_CCSRC_PIPELINE_ACTION_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_ACTION_H_ diff --git a/mindspore/ccsrc/pipeline/jit/base.h b/mindspore/ccsrc/pipeline/jit/base.h index 0a8a2b75f3d..3f136a42c69 100644 --- a/mindspore/ccsrc/pipeline/jit/base.h +++ b/mindspore/ccsrc/pipeline/jit/base.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PIPELINE_BASE_H_ -#define MINDSPORE_CCSRC_PIPELINE_BASE_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_BASE_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_BASE_H_ #include #include @@ -59,4 +59,4 @@ inline std::string GetFilePathName(const std::string &file_name) { } // namespace pipeline } // namespace mindspore -#endif // MINDSPORE_CCSRC_PIPELINE_BASE_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_BASE_H_ diff --git a/mindspore/ccsrc/pipeline/jit/parse/data_converter.h b/mindspore/ccsrc/pipeline/jit/parse/data_converter.h index 6632d4801e8..22660264c61 100644 --- a/mindspore/ccsrc/pipeline/jit/parse/data_converter.h +++ b/mindspore/ccsrc/pipeline/jit/parse/data_converter.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef PIPELINE_PARSE_DATA_CONVERTER_H_ -#define PIPELINE_PARSE_DATA_CONVERTER_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_DATA_CONVERTER_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_DATA_CONVERTER_H_ #include #include @@ -58,4 +58,4 @@ void CleanDataClassToClassMap(); } // namespace parse } // namespace mindspore -#endif // PIPELINE_PARSE_DATA_CONVERTER_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_DATA_CONVERTER_H_ diff --git a/mindspore/ccsrc/pipeline/jit/parse/function_block.h b/mindspore/ccsrc/pipeline/jit/parse/function_block.h index 2331eeca47e..2029531db4c 100644 --- a/mindspore/ccsrc/pipeline/jit/parse/function_block.h +++ b/mindspore/ccsrc/pipeline/jit/parse/function_block.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef PIPELINE_PARSE_FUNCTION_BLOCK_H_ -#define PIPELINE_PARSE_FUNCTION_BLOCK_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_FUNCTION_BLOCK_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_FUNCTION_BLOCK_H_ #include #include @@ -115,4 +115,4 @@ class FunctionBlock : public std::enable_shared_from_this { } // namespace parse } // namespace mindspore -#endif // PIPELINE_PARSE_FUNCTION_BLOCK_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_FUNCTION_BLOCK_H_ diff --git a/mindspore/ccsrc/pipeline/jit/parse/parse.h b/mindspore/ccsrc/pipeline/jit/parse/parse.h index 90e965389f4..c8779f9b422 100644 --- a/mindspore/ccsrc/pipeline/jit/parse/parse.h +++ b/mindspore/ccsrc/pipeline/jit/parse/parse.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef PIPELINE_PARSE_PARSE_H_ -#define PIPELINE_PARSE_PARSE_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_PARSE_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_PARSE_H_ #include #include @@ -357,4 +357,4 @@ AnfNodePtr GetMixedPrecisionCastHelp(const FuncGraphPtr &func_graph, const AnfNo } // namespace parse } // namespace mindspore -#endif // PIPELINE_PARSE_PARSE_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_PARSE_H_ diff --git a/mindspore/ccsrc/pipeline/jit/parse/parse_base.h b/mindspore/ccsrc/pipeline/jit/parse/parse_base.h index bdd79d00bd4..553782ed6f8 100644 --- a/mindspore/ccsrc/pipeline/jit/parse/parse_base.h +++ b/mindspore/ccsrc/pipeline/jit/parse/parse_base.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef PIPELINE_PARSE_PARSE_BASE_H_ -#define PIPELINE_PARSE_PARSE_BASE_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_PARSE_BASE_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_PARSE_BASE_H_ #include #include #include "pybind11/pybind11.h" @@ -149,4 +149,4 @@ FuncGraphPtr ParsePythonCode(const py::object &obj, } // namespace parse } // namespace mindspore -#endif // PIPELINE_PARSE_PARSE_BASE_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_PARSE_BASE_H_ diff --git a/mindspore/ccsrc/pipeline/jit/parse/python_adapter.h b/mindspore/ccsrc/pipeline/jit/parse/python_adapter.h index 0f49539bc85..d2cabdb2d8d 100644 --- a/mindspore/ccsrc/pipeline/jit/parse/python_adapter.h +++ b/mindspore/ccsrc/pipeline/jit/parse/python_adapter.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef PIPELINE_PARSE_PYTHON_ADAPTER_H_ -#define PIPELINE_PARSE_PYTHON_ADAPTER_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_PYTHON_ADAPTER_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_PYTHON_ADAPTER_H_ #include #include #include @@ -75,4 +75,4 @@ py::object CallPyFn(const std::string &module, const std::string &name, T... arg } // namespace parse } // namespace mindspore -#endif // PIPELINE_PARSE_PYTHON_ADAPTER_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_PYTHON_ADAPTER_H_ diff --git a/mindspore/ccsrc/pipeline/jit/parse/resolve.h b/mindspore/ccsrc/pipeline/jit/parse/resolve.h index d924f1ef446..2cd88efb1df 100644 --- a/mindspore/ccsrc/pipeline/jit/parse/resolve.h +++ b/mindspore/ccsrc/pipeline/jit/parse/resolve.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef PIPELINE_PARSE_RESOLVE_H_ -#define PIPELINE_PARSE_RESOLVE_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_RESOLVE_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_RESOLVE_H_ #include #include @@ -155,4 +155,4 @@ bool ResolveAll(const FuncGraphManagerPtr &manager); } // namespace parse } // namespace mindspore -#endif // PIPELINE_PARSE_RESOLVE_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_PARSE_RESOLVE_H_ diff --git a/mindspore/ccsrc/pipeline/jit/pass.h b/mindspore/ccsrc/pipeline/jit/pass.h index 0233b6cf264..6176113a155 100644 --- a/mindspore/ccsrc/pipeline/jit/pass.h +++ b/mindspore/ccsrc/pipeline/jit/pass.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PIPELINE_PASS_H_ -#define MINDSPORE_CCSRC_PIPELINE_PASS_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_PASS_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_PASS_H_ #include #include @@ -40,4 +40,4 @@ void ReclaimOptimizer(); } // namespace pipeline } // namespace mindspore -#endif // MINDSPORE_CCSRC_PIPELINE_PASS_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_PASS_H_ diff --git a/mindspore/ccsrc/pipeline/jit/pipeline.h b/mindspore/ccsrc/pipeline/jit/pipeline.h index d018d736231..f4fabd6115b 100644 --- a/mindspore/ccsrc/pipeline/jit/pipeline.h +++ b/mindspore/ccsrc/pipeline/jit/pipeline.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PIPELINE_PIPELINE_H_ -#define MINDSPORE_CCSRC_PIPELINE_PIPELINE_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_PIPELINE_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_PIPELINE_H_ #include #include @@ -144,4 +144,4 @@ void ProcessVmArgInner(const py::tuple &args, const ResourcePtr &res, VectorRef } // namespace pipeline } // namespace mindspore -#endif // MINDSPORE_CCSRC_PIPELINE_PIPELINE_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_PIPELINE_H_ diff --git a/mindspore/ccsrc/pipeline/jit/pipeline_ge.h b/mindspore/ccsrc/pipeline/jit/pipeline_ge.h index f8341252311..7054d2ecf4f 100644 --- a/mindspore/ccsrc/pipeline/jit/pipeline_ge.h +++ b/mindspore/ccsrc/pipeline/jit/pipeline_ge.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PIPELINE_PIPELINE_GE_H_ -#define MINDSPORE_CCSRC_PIPELINE_PIPELINE_GE_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_PIPELINE_GE_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_PIPELINE_GE_H_ #include #include @@ -52,4 +52,4 @@ void ExportDFGraph(const std::string &file_name, const std::string &phase); } // namespace pipeline } // namespace mindspore -#endif // MINDSPORE_CCSRC_PIPELINE_PIPELINE_GE_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_PIPELINE_GE_H_ diff --git a/mindspore/ccsrc/pipeline/jit/remove_value_node_dup.h b/mindspore/ccsrc/pipeline/jit/remove_value_node_dup.h index b36544bdbad..fd52924d581 100644 --- a/mindspore/ccsrc/pipeline/jit/remove_value_node_dup.h +++ b/mindspore/ccsrc/pipeline/jit/remove_value_node_dup.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PIPELINE_REMOVE_VALUE_NODE_DUP_H_ -#define MINDSPORE_CCSRC_PIPELINE_REMOVE_VALUE_NODE_DUP_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_REMOVE_VALUE_NODE_DUP_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_REMOVE_VALUE_NODE_DUP_H_ #include #include @@ -31,4 +31,4 @@ void TryToDoReplace(FuncGraphManager *manager, const AnfNodePtr &node, HashCache } // namespace pipeline } // namespace mindspore -#endif // MINDSPORE_CCSRC_PIPELINE_REMOVE_VALUE_NODE_DUP_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_REMOVE_VALUE_NODE_DUP_H_ diff --git a/mindspore/ccsrc/pipeline/jit/resource.h b/mindspore/ccsrc/pipeline/jit/resource.h index 819fdd3d203..2e5fda23e48 100644 --- a/mindspore/ccsrc/pipeline/jit/resource.h +++ b/mindspore/ccsrc/pipeline/jit/resource.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PIPELINE_RESOURCE_H_ -#define MINDSPORE_CCSRC_PIPELINE_RESOURCE_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_RESOURCE_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_RESOURCE_H_ #include #include @@ -117,4 +117,4 @@ using ResourcePtr = std::shared_ptr; } // namespace pipeline } // namespace mindspore -#endif // MINDSPORE_CCSRC_PIPELINE_RESOURCE_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_RESOURCE_H_ diff --git a/mindspore/ccsrc/pipeline/jit/static_analysis/abstract_function.h b/mindspore/ccsrc/pipeline/jit/static_analysis/abstract_function.h index 0823b21cd76..7887ac51adf 100644 --- a/mindspore/ccsrc/pipeline/jit/static_analysis/abstract_function.h +++ b/mindspore/ccsrc/pipeline/jit/static_analysis/abstract_function.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef PIPELINE_STATIC_ANALYSIS_ABSTRACT_FUNCTION_H_ -#define PIPELINE_STATIC_ANALYSIS_ABSTRACT_FUNCTION_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_STATIC_ANALYSIS_ABSTRACT_FUNCTION_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_STATIC_ANALYSIS_ABSTRACT_FUNCTION_H_ #include #include @@ -300,4 +300,4 @@ struct AbstractFunctionEqual { }; } // namespace abstract } // namespace mindspore -#endif // PIPELINE_STATIC_ANALYSIS_ABSTRACT_FUNCTION_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_STATIC_ANALYSIS_ABSTRACT_FUNCTION_H_ diff --git a/mindspore/ccsrc/pipeline/jit/static_analysis/evaluator.h b/mindspore/ccsrc/pipeline/jit/static_analysis/evaluator.h index 461574257de..3b874d90ed5 100644 --- a/mindspore/ccsrc/pipeline/jit/static_analysis/evaluator.h +++ b/mindspore/ccsrc/pipeline/jit/static_analysis/evaluator.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef PIPELINE_STATIC_ANALYSIS_EVALUATOR_H_ -#define PIPELINE_STATIC_ANALYSIS_EVALUATOR_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_STATIC_ANALYSIS_EVALUATOR_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_STATIC_ANALYSIS_EVALUATOR_H_ #include #include @@ -327,4 +327,4 @@ class JEvaluator : public Evaluator { }; } // namespace abstract } // namespace mindspore -#endif // PIPELINE_STATIC_ANALYSIS_EVALUATOR_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_STATIC_ANALYSIS_EVALUATOR_H_ diff --git a/mindspore/ccsrc/pipeline/jit/static_analysis/prim.h b/mindspore/ccsrc/pipeline/jit/static_analysis/prim.h index b931bf6b7e8..f56cac85aa3 100644 --- a/mindspore/ccsrc/pipeline/jit/static_analysis/prim.h +++ b/mindspore/ccsrc/pipeline/jit/static_analysis/prim.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef PIPELINE_STATIC_ANALYSIS_PRIM_H_ -#define PIPELINE_STATIC_ANALYSIS_PRIM_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_STATIC_ANALYSIS_PRIM_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_STATIC_ANALYSIS_PRIM_H_ #include #include @@ -369,4 +369,4 @@ AbstractBasePtr InferImplSparseTensorGetDenseShape(const AnalysisEnginePtr &, co } // namespace abstract } // namespace mindspore -#endif // PIPELINE_STATIC_ANALYSIS_PRIM_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_STATIC_ANALYSIS_PRIM_H_ diff --git a/mindspore/ccsrc/pipeline/jit/static_analysis/program_specialize.h b/mindspore/ccsrc/pipeline/jit/static_analysis/program_specialize.h index d7f95be4cab..2c08ea00ef7 100644 --- a/mindspore/ccsrc/pipeline/jit/static_analysis/program_specialize.h +++ b/mindspore/ccsrc/pipeline/jit/static_analysis/program_specialize.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef PIPELINE_STATIC_ANALYSIS_SPECIALIZE_H_ -#define PIPELINE_STATIC_ANALYSIS_SPECIALIZE_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_STATIC_ANALYSIS_SPECIALIZE_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_STATIC_ANALYSIS_SPECIALIZE_H_ #include #include @@ -133,4 +133,4 @@ class FuncGraphSpecializer : public std::enable_shared_from_this #include @@ -277,4 +277,4 @@ EvalResultPtr EvalOnePrim(const PrimitivePtr &p, const AbstractBasePtrList &arg_ } // namespace abstract } // namespace mindspore -#endif // PIPELINE_STATIC_ANALYSIS_STATIC_ANALYSIS_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_STATIC_ANALYSIS_STATIC_ANALYSIS_H_ diff --git a/mindspore/ccsrc/pipeline/jit/validator.h b/mindspore/ccsrc/pipeline/jit/validator.h index 041448aed92..819cf89f18f 100644 --- a/mindspore/ccsrc/pipeline/jit/validator.h +++ b/mindspore/ccsrc/pipeline/jit/validator.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PIPELINE_VALIDATOR_H_ -#define MINDSPORE_CCSRC_PIPELINE_VALIDATOR_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_JIT_VALIDATOR_H_ +#define MINDSPORE_CCSRC_PIPELINE_JIT_VALIDATOR_H_ #include #include @@ -35,4 +35,4 @@ void ValidateOperation(const AnfNodePtr &node); } // namespace validator } // namespace mindspore -#endif // MINDSPORE_CCSRC_PIPELINE_VALIDATOR_H__ +#endif // MINDSPORE_CCSRC_PIPELINE_JIT_VALIDATOR_H__ diff --git a/mindspore/ccsrc/pipeline/pynative/base.h b/mindspore/ccsrc/pipeline/pynative/base.h index afb6d0982ba..2a380d69008 100644 --- a/mindspore/ccsrc/pipeline/pynative/base.h +++ b/mindspore/ccsrc/pipeline/pynative/base.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PYNATIVE_BASE_H_ -#define MINDSPORE_CCSRC_PYNATIVE_BASE_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_PYNATIVE_BASE_H_ +#define MINDSPORE_CCSRC_PIPELINE_PYNATIVE_BASE_H_ #include #include @@ -63,4 +63,4 @@ const std::set ignore_infer_prim = {"make_ref"}; } // namespace pynative } // namespace mindspore -#endif // MINDSPORE_CCSRC_PYNATIVE_BASE_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_PYNATIVE_BASE_H_ diff --git a/mindspore/ccsrc/pipeline/pynative/pynative_execute.h b/mindspore/ccsrc/pipeline/pynative/pynative_execute.h index 152d58aca44..4a2c5255340 100644 --- a/mindspore/ccsrc/pipeline/pynative/pynative_execute.h +++ b/mindspore/ccsrc/pipeline/pynative/pynative_execute.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PYNATIVE_PYNATIVE_EXECUTE_H_ -#define MINDSPORE_CCSRC_PYNATIVE_PYNATIVE_EXECUTE_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_PYNATIVE_PYNATIVE_EXECUTE_H_ +#define MINDSPORE_CCSRC_PIPELINE_PYNATIVE_PYNATIVE_EXECUTE_H_ #include #include @@ -127,4 +127,4 @@ using PynativeExecutorPtr = std::shared_ptr; } // namespace pynative } // namespace mindspore -#endif // MINDSPORE_CCSRC_PYNATIVE_PYNATIVE_EXECUTE_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_PYNATIVE_PYNATIVE_EXECUTE_H_ diff --git a/mindspore/ccsrc/pipeline/pynative/pynative_execute_ge.h b/mindspore/ccsrc/pipeline/pynative/pynative_execute_ge.h index 2978278489a..e8306dfb04a 100644 --- a/mindspore/ccsrc/pipeline/pynative/pynative_execute_ge.h +++ b/mindspore/ccsrc/pipeline/pynative/pynative_execute_ge.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_PYNATIVE_PYNATIVE_EXECUTE_GE_H_ -#define MINDSPORE_CCSRC_PYNATIVE_PYNATIVE_EXECUTE_GE_H_ +#ifndef MINDSPORE_CCSRC_PIPELINE_PYNATIVE_PYNATIVE_EXECUTE_GE_H_ +#define MINDSPORE_CCSRC_PIPELINE_PYNATIVE_PYNATIVE_EXECUTE_GE_H_ #include #include @@ -43,4 +43,4 @@ py::object RunOpInGE(const OpExecInfoPtr &op_exec_info, PynativeStatusCode *stat } // namespace pynative } // namespace mindspore -#endif // MINDSPORE_CCSRC_PYNATIVE_PYNATIVE_EXECUTE_GE_H_ +#endif // MINDSPORE_CCSRC_PIPELINE_PYNATIVE_PYNATIVE_EXECUTE_GE_H_ diff --git a/mindspore/ccsrc/predict/converter/attr_utils/convert_util.h b/mindspore/ccsrc/predict/converter/attr_utils/convert_util.h index 612ccde1a51..92fb5f63c94 100644 --- a/mindspore/ccsrc/predict/converter/attr_utils/convert_util.h +++ b/mindspore/ccsrc/predict/converter/attr_utils/convert_util.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_ATTR_UTILS_CONVERT_UTIL_H_ -#define MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_ATTR_UTILS_CONVERT_UTIL_H_ +#ifndef MINDSPORE_CCSRC_PREDICT_CONVERTER_ATTR_UTILS_CONVERT_UTIL_H_ +#define MINDSPORE_CCSRC_PREDICT_CONVERTER_ATTR_UTILS_CONVERT_UTIL_H_ #include #include @@ -57,4 +57,4 @@ bool SaveDeviceModelUtil(const std::shared_ptr &new_ms_graph_ptr, con } // namespace utils } // namespace predict } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_ATTR_UTILS_CONVERT_UTIL_H_ +#endif // MINDSPORE_CCSRC_PREDICT_CONVERTER_ATTR_UTILS_CONVERT_UTIL_H_ diff --git a/mindspore/ccsrc/predict/converter/attr_utils/op_attr_type.h b/mindspore/ccsrc/predict/converter/attr_utils/op_attr_type.h index 49504cd3c87..381da7678c8 100644 --- a/mindspore/ccsrc/predict/converter/attr_utils/op_attr_type.h +++ b/mindspore/ccsrc/predict/converter/attr_utils/op_attr_type.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_CPU_ATTR_UTILS_OP_ATTR_TYPE_H_ -#define MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_CPU_ATTR_UTILS_OP_ATTR_TYPE_H_ +#ifndef MINDSPORE_CCSRC_PREDICT_CONVERTER_CPU_ATTR_UTILS_OP_ATTR_TYPE_H_ +#define MINDSPORE_CCSRC_PREDICT_CONVERTER_CPU_ATTR_UTILS_OP_ATTR_TYPE_H_ namespace mindspore { namespace predict { namespace convert { @@ -62,4 +62,4 @@ typedef enum CpuOpType { } // namespace convert } // namespace predict } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_CPU_ATTR_UTILS_OP_ATTR_TYPE_H_ +#endif // MINDSPORE_CCSRC_PREDICT_CONVERTER_CPU_ATTR_UTILS_OP_ATTR_TYPE_H_ diff --git a/mindspore/ccsrc/predict/converter/executor_tensor.h b/mindspore/ccsrc/predict/converter/executor_tensor.h index 7b95c409f85..b33cea030d5 100644 --- a/mindspore/ccsrc/predict/converter/executor_tensor.h +++ b/mindspore/ccsrc/predict/converter/executor_tensor.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_EXECUTOR_TENSOR_H_ -#define MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_EXECUTOR_TENSOR_H_ +#ifndef MINDSPORE_CCSRC_PREDICT_CONVERTER_EXECUTOR_TENSOR_H_ +#define MINDSPORE_CCSRC_PREDICT_CONVERTER_EXECUTOR_TENSOR_H_ #include #include @@ -67,4 +67,4 @@ class TensorCache { using TensorCachePtr = std::shared_ptr; } // namespace executor } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_EXECUTOR_TENSOR_H_ +#endif // MINDSPORE_CCSRC_PREDICT_CONVERTER_EXECUTOR_TENSOR_H_ diff --git a/mindspore/ccsrc/predict/converter/kernel2ms.h b/mindspore/ccsrc/predict/converter/kernel2ms.h index 8cbc89ed6a6..073d618bb20 100644 --- a/mindspore/ccsrc/predict/converter/kernel2ms.h +++ b/mindspore/ccsrc/predict/converter/kernel2ms.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_KERNEL_TO_MS_H_ -#define MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_KERNEL_TO_MS_H_ +#ifndef MINDSPORE_CCSRC_PREDICT_CONVERTER_KERNEL_TO_MS_H_ +#define MINDSPORE_CCSRC_PREDICT_CONVERTER_KERNEL_TO_MS_H_ #include #include @@ -115,4 +115,4 @@ class Kernel2Ms { using Kernel2MsPtr = std::shared_ptr; } // namespace executor } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_KERNEL_TO_MS_H_ +#endif // MINDSPORE_CCSRC_PREDICT_CONVERTER_KERNEL_TO_MS_H_ diff --git a/mindspore/ccsrc/predict/converter/lite_model/op_attr_packer.h b/mindspore/ccsrc/predict/converter/lite_model/op_attr_packer.h index 31f14ef73a3..5cb7b1ba218 100644 --- a/mindspore/ccsrc/predict/converter/lite_model/op_attr_packer.h +++ b/mindspore/ccsrc/predict/converter/lite_model/op_attr_packer.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_OP_ATTR_PACKER_H_ -#define MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_OP_ATTR_PACKER_H_ +#ifndef MINDSPORE_CCSRC_PREDICT_CONVERTER_OP_ATTR_PACKER_H_ +#define MINDSPORE_CCSRC_PREDICT_CONVERTER_OP_ATTR_PACKER_H_ #include #include @@ -55,4 +55,4 @@ mindspore::predict::PadMode GetAttrPadMode(const std::string &pad_mode); } // namespace predict } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PREDICT_CONVERTER_CPU_OP_INFO_OP_ATTR_FACTORY_H_ +#endif // MINDSPORE_CCSRC_PREDICT_CONVERTER_CPU_OP_INFO_OP_ATTR_FACTORY_H_ diff --git a/mindspore/ccsrc/predict/generator/ir/ir_model.h b/mindspore/ccsrc/predict/generator/ir/ir_model.h index 82bd2aad3f3..09e22ff78d2 100644 --- a/mindspore/ccsrc/predict/generator/ir/ir_model.h +++ b/mindspore/ccsrc/predict/generator/ir/ir_model.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_EXECUTOR_GENERATOR_IR_IR_MODEL_H_ -#define MINDSPORE_MINDSPORE_CCSRC_EXECUTOR_GENERATOR_IR_IR_MODEL_H_ +#ifndef MINDSPORE_CCSRC_EXECUTOR_GENERATOR_IR_IR_MODEL_H_ +#define MINDSPORE_CCSRC_EXECUTOR_GENERATOR_IR_IR_MODEL_H_ #include #include #include @@ -34,4 +34,4 @@ using IrModelPtr = std::shared_ptr; } // namespace generator } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_EXECUTOR_GENERATOR_IR_IR_MODEL_H_ +#endif // MINDSPORE_CCSRC_EXECUTOR_GENERATOR_IR_IR_MODEL_H_ diff --git a/mindspore/ccsrc/predict/generator/ir/ir_task_info.h b/mindspore/ccsrc/predict/generator/ir/ir_task_info.h index 4b3ac85ea68..ad0df0419a8 100644 --- a/mindspore/ccsrc/predict/generator/ir/ir_task_info.h +++ b/mindspore/ccsrc/predict/generator/ir/ir_task_info.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_EXECUTOR_GENERATOR_IR_IR_TASK_H_ -#define MINDSPORE_MINDSPORE_CCSRC_EXECUTOR_GENERATOR_IR_IR_TASK_H_ +#ifndef MINDSPORE_CCSRC_EXECUTOR_GENERATOR_IR_IR_TASK_H_ +#define MINDSPORE_CCSRC_EXECUTOR_GENERATOR_IR_IR_TASK_H_ #include #include #include @@ -292,4 +292,4 @@ class StreamActiveIRTaskInfo : public IRtaskInfo { }; // namespace generator } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_EXECUTOR_GENERATOR_IR_IR_TASK_H_ +#endif // MINDSPORE_CCSRC_EXECUTOR_GENERATOR_IR_IR_TASK_H_ diff --git a/mindspore/ccsrc/predict/generator/utils/ir_model_util.h b/mindspore/ccsrc/predict/generator/utils/ir_model_util.h index a654cb980f8..1de50725f27 100644 --- a/mindspore/ccsrc/predict/generator/utils/ir_model_util.h +++ b/mindspore/ccsrc/predict/generator/utils/ir_model_util.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PREDICT_GENERATOR_IR_IR_MODEL_UTIL_H_ -#define MINDSPORE_MINDSPORE_CCSRC_PREDICT_GENERATOR_IR_IR_MODEL_UTIL_H_ +#ifndef MINDSPORE_CCSRC_PREDICT_GENERATOR_IR_IR_MODEL_UTIL_H_ +#define MINDSPORE_CCSRC_PREDICT_GENERATOR_IR_IR_MODEL_UTIL_H_ #include #include #include @@ -89,4 +89,4 @@ class IRModelUtil { } // namespace generator } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PREDICT_GENERATOR_IR_IR_MODEL_UTIL_H_ +#endif // MINDSPORE_CCSRC_PREDICT_GENERATOR_IR_IR_MODEL_UTIL_H_ diff --git a/mindspore/ccsrc/predict/predict.h b/mindspore/ccsrc/predict/predict.h index 91254514921..46429fae1b2 100644 --- a/mindspore/ccsrc/predict/predict.h +++ b/mindspore/ccsrc/predict/predict.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_PREDICT_H_ -#define MINDSPORE_MINDSPORE_CCSRC_PREDICT_H_ +#ifndef MINDSPORE_CCSRC_PREDICT_H_ +#define MINDSPORE_CCSRC_PREDICT_H_ #include #include @@ -29,4 +29,4 @@ void StepConvertGraph(const KernelGraphPtr &kernel_graph_ptr); void StepConvertWeight(const std::vector &inputs); } // namespace predictmodel } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_PREDICT_H_ +#endif // MINDSPORE_CCSRC_PREDICT_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/ascend_device_address.h b/mindspore/ccsrc/runtime/device/ascend/ascend_device_address.h index b554e560cf7..1363164d358 100644 --- a/mindspore/ccsrc/runtime/device/ascend/ascend_device_address.h +++ b/mindspore/ccsrc/runtime/device/ascend/ascend_device_address.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_DEVICE_ADDRESS_H_ -#define MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_DEVICE_ADDRESS_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_DEVICE_ADDRESS_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_DEVICE_ADDRESS_H_ #include #include @@ -59,4 +59,4 @@ using AscendDeviceAddressPtr = std::shared_ptr; } // namespace ascend } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_DEVICE_ADDRESS_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_DEVICE_ADDRESS_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/ascend_kernel_runtime.h b/mindspore/ccsrc/runtime/device/ascend/ascend_kernel_runtime.h index 8cde6a01012..c4d82b05672 100644 --- a/mindspore/ccsrc/runtime/device/ascend/ascend_kernel_runtime.h +++ b/mindspore/ccsrc/runtime/device/ascend/ascend_kernel_runtime.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_KERNEL_RUNTIME_H_ -#define MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_KERNEL_RUNTIME_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_KERNEL_RUNTIME_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_KERNEL_RUNTIME_H_ #include #include #include @@ -76,4 +76,4 @@ MS_REG_KERNEL_RUNTIME(kAscendDevice, AscendKernelRuntime); } // namespace ascend } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_KERNEL_RUNTIME_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_KERNEL_RUNTIME_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/ascend_label_assign.h b/mindspore/ccsrc/runtime/device/ascend/ascend_label_assign.h index 6b09f2940e9..43cadb8639a 100644 --- a/mindspore/ccsrc/runtime/device/ascend/ascend_label_assign.h +++ b/mindspore/ccsrc/runtime/device/ascend/ascend_label_assign.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_LABEL_ASSIGN_H_ -#define MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_LABEL_ASSIGN_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_LABEL_ASSIGN_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_LABEL_ASSIGN_H_ #include #include @@ -50,4 +50,4 @@ class AscendLabelAssign { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_LABEL_ASSIGN_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_LABEL_ASSIGN_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/ascend_memory_manager.h b/mindspore/ccsrc/runtime/device/ascend/ascend_memory_manager.h index ee17d984c52..2383db356d2 100644 --- a/mindspore/ccsrc/runtime/device/ascend/ascend_memory_manager.h +++ b/mindspore/ccsrc/runtime/device/ascend/ascend_memory_manager.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_MEMORY_MANAGER_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_MEMORY_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_MEMORY_MANAGER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_MEMORY_MANAGER_H_ #include "runtime/device/memory_manager.h" namespace mindspore { namespace device { @@ -38,4 +38,4 @@ class AscendMemoryManager : public MemoryManager { } // namespace ascend } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_MEMORY_MANAGER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_MEMORY_MANAGER_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/ascend_memory_pool.h b/mindspore/ccsrc/runtime/device/ascend/ascend_memory_pool.h index dd9f4c81a41..ae68f70510c 100644 --- a/mindspore/ccsrc/runtime/device/ascend/ascend_memory_pool.h +++ b/mindspore/ccsrc/runtime/device/ascend/ascend_memory_pool.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_MEMORY_POOL_H_ -#define MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_MEMORY_POOL_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_MEMORY_POOL_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_MEMORY_POOL_H_ #include #include "backend/optimizer/mem_reuse/mem_dynamic_allocator.h" @@ -60,4 +60,4 @@ class AscendMemoryPool : public DynamicMemPoolBestFit { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_MEMORY_POOL_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_MEMORY_POOL_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/ascend_stream_assign.h b/mindspore/ccsrc/runtime/device/ascend/ascend_stream_assign.h index 00fca60e8d1..1ee3cd6104b 100644 --- a/mindspore/ccsrc/runtime/device/ascend/ascend_stream_assign.h +++ b/mindspore/ccsrc/runtime/device/ascend/ascend_stream_assign.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_STREAM_ASSIGN_H_ -#define MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_STREAM_ASSIGN_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_STREAM_ASSIGN_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_STREAM_ASSIGN_H_ #include #include @@ -182,4 +182,4 @@ class AscendStreamAssign { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_ASCEND_ASCEND_STREAM_ASSIGN_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_ASCEND_STREAM_ASSIGN_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/dump/data_dumper.h b/mindspore/ccsrc/runtime/device/ascend/dump/data_dumper.h index dea896b1084..aa7069acca4 100644 --- a/mindspore/ccsrc/runtime/device/ascend/dump/data_dumper.h +++ b/mindspore/ccsrc/runtime/device/ascend/dump/data_dumper.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_DUMP_DATADUMP_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_DUMP_DATADUMP_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_DUMP_DATADUMP_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_DUMP_DATADUMP_H_ #include #include #include @@ -66,4 +66,4 @@ class DataDumper { } // namespace ascend } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_DUMP_DATADUMP_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_DUMP_DATADUMP_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/dump/ge_dump.h b/mindspore/ccsrc/runtime/device/ascend/dump/ge_dump.h index eae70c4b0b7..60af609a48b 100644 --- a/mindspore/ccsrc/runtime/device/ascend/dump/ge_dump.h +++ b/mindspore/ccsrc/runtime/device/ascend/dump/ge_dump.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_DUMP_GE_DUMP_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_DUMP_GE_DUMP_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_DUMP_GE_DUMP_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_DUMP_GE_DUMP_H_ #include #include @@ -117,4 +117,4 @@ static GeFormat GetGeFormat(const std::string &format, size_t shape_size) { } // namespace ascend } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_DUMP_GE_DUMP_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_DUMP_GE_DUMP_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/kernel_build_ascend.h b/mindspore/ccsrc/runtime/device/ascend/kernel_build_ascend.h index 0d2870eb0aa..b478f59c14d 100644 --- a/mindspore/ccsrc/runtime/device/ascend/kernel_build_ascend.h +++ b/mindspore/ccsrc/runtime/device/ascend/kernel_build_ascend.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_ASCEND_KERNEL_BUILD_ASCEND_H_ -#define MINDSPORE_CCSRC_DEVICE_ASCEND_KERNEL_BUILD_ASCEND_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_KERNEL_BUILD_ASCEND_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_KERNEL_BUILD_ASCEND_H_ #include "backend/session/kernel_graph.h" @@ -39,4 +39,4 @@ void KernelBuildPreprocess(mindspore::session::KernelGraph *kernel_graph); } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_ASCEND_KERNEL_BUILD_ASCEND_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_KERNEL_BUILD_ASCEND_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/kernel_select_ascend.h b/mindspore/ccsrc/runtime/device/ascend/kernel_select_ascend.h index 8a93b77cec8..82bf5e4f754 100644 --- a/mindspore/ccsrc/runtime/device/ascend/kernel_select_ascend.h +++ b/mindspore/ccsrc/runtime/device/ascend/kernel_select_ascend.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_KERNEL_SELECT_ASCEND_ANFALGO_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_KERNEL_SELECT_ASCEND_ANFALGO_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_KERNEL_SELECT_ASCEND_ANFALGO_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_KERNEL_SELECT_ASCEND_ANFALGO_H_ #include "ir/anf.h" #include "backend/kernel_compiler/kernel_build_info.h" namespace mindspore { @@ -35,4 +35,4 @@ void SelectGraphKernelInfo(const CNodePtr &kernel_node, const FuncGraphPtr &func } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_KERNEL_SELECT_ASCEND_ANFALGO_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_KERNEL_SELECT_ASCEND_ANFALGO_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/profiling/plugin_impl.h b/mindspore/ccsrc/runtime/device/ascend/profiling/plugin_impl.h index bf4977bf9ae..0150c5b41be 100644 --- a/mindspore/ccsrc/runtime/device/ascend/profiling/plugin_impl.h +++ b/mindspore/ccsrc/runtime/device/ascend/profiling/plugin_impl.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_PLUGIN_IMPL_H_ -#define MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_PLUGIN_IMPL_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_PLUGIN_IMPL_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_PLUGIN_IMPL_H_ #include #include "./prof_engine.h" @@ -42,4 +42,4 @@ class PluginImpl : public PluginIntf { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_PLUGIN_IMPL_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_PLUGIN_IMPL_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/profiling/profiling_engine_impl.h b/mindspore/ccsrc/runtime/device/ascend/profiling/profiling_engine_impl.h index c7cbc4b7dd4..cdb175fe5c7 100644 --- a/mindspore/ccsrc/runtime/device/ascend/profiling/profiling_engine_impl.h +++ b/mindspore/ccsrc/runtime/device/ascend/profiling/profiling_engine_impl.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_PROFILING_ENGINE_IMPL_H_ -#define MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_PROFILING_ENGINE_IMPL_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_PROFILING_ENGINE_IMPL_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_PROFILING_ENGINE_IMPL_H_ #include "./prof_engine.h" @@ -36,4 +36,4 @@ class ProfilingEngineImpl : public EngineIntf { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_PROFILING_ENGINE_IMPL_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_PROFILING_ENGINE_IMPL_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/profiling/profiling_manager.h b/mindspore/ccsrc/runtime/device/ascend/profiling/profiling_manager.h index 05b52489966..73f9118c5a3 100644 --- a/mindspore/ccsrc/runtime/device/ascend/profiling/profiling_manager.h +++ b/mindspore/ccsrc/runtime/device/ascend/profiling/profiling_manager.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_PROFILING_MANAGER_H_ -#define MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_PROFILING_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_PROFILING_MANAGER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_PROFILING_MANAGER_H_ #include #include @@ -58,4 +58,4 @@ class ProfilingManager { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_PROFILING_MANAGER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_PROFILING_MANAGER_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/profiling/profiling_utils.h b/mindspore/ccsrc/runtime/device/ascend/profiling/profiling_utils.h index de8ff2ac399..468e8f8394a 100644 --- a/mindspore/ccsrc/runtime/device/ascend/profiling/profiling_utils.h +++ b/mindspore/ccsrc/runtime/device/ascend/profiling/profiling_utils.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_PROFILING_UTILS_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_PROFILING_UTILS_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_PROFILING_UTILS_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_PROFILING_UTILS_H_ #include #include @@ -139,4 +139,4 @@ class ProfilingUtils { } // namespace ascend } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_PROFILING_UTILS_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_PROFILING_UTILS_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/desc_reporter.h b/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/desc_reporter.h index f25c64ce058..6b6ee9e9924 100644 --- a/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/desc_reporter.h +++ b/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/desc_reporter.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_DESC_REPORTER_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_DESC_REPORTER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_DESC_REPORTER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_DESC_REPORTER_H_ #include #include @@ -47,4 +47,4 @@ class DescReporter { } // namespace ascend } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_DESC_REPORTER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_DESC_REPORTER_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/graph_desc_reporter.h b/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/graph_desc_reporter.h index 531f122cde9..2ae9ff45ff3 100644 --- a/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/graph_desc_reporter.h +++ b/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/graph_desc_reporter.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_GRAPH_DESC_REPORTER_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_GRAPH_DESC_REPORTER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_GRAPH_DESC_REPORTER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_GRAPH_DESC_REPORTER_H_ #include #include @@ -38,4 +38,4 @@ class GraphDescReporter : public DescReporter { } // namespace ascend } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_GRAPH_DESC_REPORTER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_GRAPH_DESC_REPORTER_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/point_reporter.h b/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/point_reporter.h index c24535f4ecb..a5c806020d6 100644 --- a/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/point_reporter.h +++ b/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/point_reporter.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_POINT_REPORTER_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_POINT_REPORTER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_POINT_REPORTER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_POINT_REPORTER_H_ #include #include @@ -34,4 +34,4 @@ class PointReporter : public DescReporter { } // namespace ascend } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_POINT_REPORTER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_POINT_REPORTER_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/profiling_desc.h b/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/profiling_desc.h index 6d0ed45bef8..9222d9e0969 100644 --- a/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/profiling_desc.h +++ b/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/profiling_desc.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_PROFILING_DESC_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_PROFILING_DESC_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_PROFILING_DESC_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_PROFILING_DESC_H_ #include #include @@ -85,4 +85,4 @@ class PointDesc : public ProfDesc { } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_PROFILING_DESC_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_PROFILING_DESC_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/task_desc_reporter.h b/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/task_desc_reporter.h index 51526735a96..a92aa1cb30f 100644 --- a/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/task_desc_reporter.h +++ b/mindspore/ccsrc/runtime/device/ascend/profiling/reporter/task_desc_reporter.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_TASK_DESC_REPORTER_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_TASK_DESC_REPORTER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_TASK_DESC_REPORTER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_TASK_DESC_REPORTER_H_ #include #include @@ -43,4 +43,4 @@ class TaskDescReporter : public DescReporter { } // namespace ascend } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_PROFILING_REPORTER_TASK_DESC_REPORTER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_PROFILING_REPORTER_TASK_DESC_REPORTER_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/tasksink/runtime_utils.h b/mindspore/ccsrc/runtime/device/ascend/tasksink/runtime_utils.h index 874de54e8a7..b353be681f5 100644 --- a/mindspore/ccsrc/runtime/device/ascend/tasksink/runtime_utils.h +++ b/mindspore/ccsrc/runtime/device/ascend/tasksink/runtime_utils.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_TASKSINK_RUNTIME_UTILS_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_TASKSINK_RUNTIME_UTILS_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_TASKSINK_RUNTIME_UTILS_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_TASKSINK_RUNTIME_UTILS_H_ #include #include "runtime/rt.h" @@ -36,4 +36,4 @@ class RuntimeUtils { } // namespace ascend } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_ASCEND_TASKSINK_RUNTIME_UTILS_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_TASKSINK_RUNTIME_UTILS_H_ diff --git a/mindspore/ccsrc/runtime/device/ascend/tasksink/task_generator.h b/mindspore/ccsrc/runtime/device/ascend/tasksink/task_generator.h index 134dec48b66..e4206ac5a71 100644 --- a/mindspore/ccsrc/runtime/device/ascend/tasksink/task_generator.h +++ b/mindspore/ccsrc/runtime/device/ascend/tasksink/task_generator.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_ASCEND_TASK_TASK_BUILD_H_ -#define MINDSPORE_CCSRC_DEVICE_ASCEND_TASK_TASK_BUILD_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_TASK_TASK_BUILD_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_TASK_TASK_BUILD_H_ #include #include @@ -58,4 +58,4 @@ class TaskGenerator { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_ASCEND_TASK_TASK_BUILD_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_ASCEND_TASK_TASK_BUILD_H_ diff --git a/mindspore/ccsrc/runtime/device/convert_tensor_utils.h b/mindspore/ccsrc/runtime/device/convert_tensor_utils.h index ba1f221ac4b..9636c9f8a43 100644 --- a/mindspore/ccsrc/runtime/device/convert_tensor_utils.h +++ b/mindspore/ccsrc/runtime/device/convert_tensor_utils.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_CONVERT_TENSOR_UTILS_H_ -#define MINDSPORE_CCSRC_DEVICE_CONVERT_TENSOR_UTILS_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_CONVERT_TENSOR_UTILS_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_CONVERT_TENSOR_UTILS_H_ #include #include @@ -30,4 +30,4 @@ void FloatToDouble(void *dst, const void *src, size_t elem_num); } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_CONVERT_TENSOR_UTILS_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_CONVERT_TENSOR_UTILS_H_ diff --git a/mindspore/ccsrc/runtime/device/cpu/cpu_device_address.h b/mindspore/ccsrc/runtime/device/cpu/cpu_device_address.h index 63cf171fa2b..c06e2915e0b 100644 --- a/mindspore/ccsrc/runtime/device/cpu/cpu_device_address.h +++ b/mindspore/ccsrc/runtime/device/cpu/cpu_device_address.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_CPU_CPU_DEVICE_ADDRESS_H_ -#define MINDSPORE_CCSRC_DEVICE_CPU_CPU_DEVICE_ADDRESS_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_CPU_DEVICE_ADDRESS_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_CPU_DEVICE_ADDRESS_H_ #include #include @@ -40,4 +40,4 @@ class CPUDeviceAddress : public DeviceAddress { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_CPU_CPU_DEVICE_ADDRESS_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_CPU_DEVICE_ADDRESS_H_ diff --git a/mindspore/ccsrc/runtime/device/cpu/cpu_kernel_runtime.h b/mindspore/ccsrc/runtime/device/cpu/cpu_kernel_runtime.h index a29f840bfd0..dc952f526ec 100644 --- a/mindspore/ccsrc/runtime/device/cpu/cpu_kernel_runtime.h +++ b/mindspore/ccsrc/runtime/device/cpu/cpu_kernel_runtime.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_CPU_CPU_KERNEL_RUNTIME_H_ -#define MINDSPORE_CCSRC_DEVICE_CPU_CPU_KERNEL_RUNTIME_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_CPU_KERNEL_RUNTIME_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_CPU_KERNEL_RUNTIME_H_ #include #include @@ -67,4 +67,4 @@ class CPUKernelRuntime : public KernelRuntime { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_CPU_CPU_KERNEL_RUNTIME_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_CPU_KERNEL_RUNTIME_H_ diff --git a/mindspore/ccsrc/runtime/device/cpu/cpu_resource_manager.h b/mindspore/ccsrc/runtime/device/cpu/cpu_resource_manager.h index d251760dd26..4142033fc0c 100644 --- a/mindspore/ccsrc/runtime/device/cpu/cpu_resource_manager.h +++ b/mindspore/ccsrc/runtime/device/cpu/cpu_resource_manager.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_CPU_CPU_RESOURCE_MANAGER_H_ -#define MINDSPORE_CCSRC_DEVICE_CPU_CPU_RESOURCE_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_CPU_RESOURCE_MANAGER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_CPU_RESOURCE_MANAGER_H_ #include #include @@ -52,4 +52,4 @@ class CPUResourceManager { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_CPU_CPU_RESOURCE_MANAGER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_CPU_RESOURCE_MANAGER_H_ diff --git a/mindspore/ccsrc/runtime/device/cpu/cpu_simple_mem_plan.h b/mindspore/ccsrc/runtime/device/cpu/cpu_simple_mem_plan.h index 123e29fbe50..8dbd9c85530 100644 --- a/mindspore/ccsrc/runtime/device/cpu/cpu_simple_mem_plan.h +++ b/mindspore/ccsrc/runtime/device/cpu/cpu_simple_mem_plan.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_CPU_CPU_SIMPLE_MEM_PLAN_H_ -#define MINDSPORE_CCSRC_DEVICE_CPU_CPU_SIMPLE_MEM_PLAN_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_CPU_SIMPLE_MEM_PLAN_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_CPU_SIMPLE_MEM_PLAN_H_ #include #include @@ -40,4 +40,4 @@ class CPUSimpleMemPlan { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_CPU_CPU_SIMPLE_MEM_PLAN_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_CPU_SIMPLE_MEM_PLAN_H_ diff --git a/mindspore/ccsrc/runtime/device/cpu/kernel_select_cpu.h b/mindspore/ccsrc/runtime/device/cpu/kernel_select_cpu.h index b707c55e2c1..9fd5c55b7d5 100644 --- a/mindspore/ccsrc/runtime/device/cpu/kernel_select_cpu.h +++ b/mindspore/ccsrc/runtime/device/cpu/kernel_select_cpu.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_CPU_KERNEL_SELECT_CPU_H_ -#define MINDSPORE_CCSRC_DEVICE_CPU_KERNEL_SELECT_CPU_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_KERNEL_SELECT_CPU_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_KERNEL_SELECT_CPU_H_ #include #include @@ -67,4 +67,4 @@ class KernelAttr { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_CPU_KERNEL_SELECT_CPU_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_KERNEL_SELECT_CPU_H_ diff --git a/mindspore/ccsrc/runtime/device/cpu/mpi/mpi_adapter.h b/mindspore/ccsrc/runtime/device/cpu/mpi/mpi_adapter.h index 839aa495f7e..f0a7daf2250 100644 --- a/mindspore/ccsrc/runtime/device/cpu/mpi/mpi_adapter.h +++ b/mindspore/ccsrc/runtime/device/cpu/mpi/mpi_adapter.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_CPU_MPI_MPI_ADAPTER_H_ -#define MINDSPORE_CCSRC_DEVICE_CPU_MPI_MPI_ADAPTER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_MPI_MPI_ADAPTER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_MPI_MPI_ADAPTER_H_ #ifdef ENABLE_MPI #include #include @@ -71,4 +71,4 @@ class MPIAdapter { } // namespace cpu } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_CPU_MPI_MPI_ADAPTER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_CPU_MPI_MPI_ADAPTER_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/blocking_queue.h b/mindspore/ccsrc/runtime/device/gpu/blocking_queue.h index 77744bce316..f5a33d36cae 100644 --- a/mindspore/ccsrc/runtime/device/gpu/blocking_queue.h +++ b/mindspore/ccsrc/runtime/device/gpu/blocking_queue.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_BLOCKING_QUEUE_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_BLOCKING_QUEUE_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_BLOCKING_QUEUE_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_BLOCKING_QUEUE_H_ #include #include @@ -93,4 +93,4 @@ class BlockingQueue { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_BLOCKING_QUEUE_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_BLOCKING_QUEUE_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/cuda_common.h b/mindspore/ccsrc/runtime/device/gpu/cuda_common.h index ffe237ab6bd..a85631c8f16 100644 --- a/mindspore/ccsrc/runtime/device/gpu/cuda_common.h +++ b/mindspore/ccsrc/runtime/device/gpu/cuda_common.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_CUDA_COMMON_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_CUDA_COMMON_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_CUDA_COMMON_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_CUDA_COMMON_H_ #include #include "runtime/device/gpu/gpu_device_manager.h" @@ -66,4 +66,4 @@ class CudaCommon { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_CUDA_COMMON_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_CUDA_COMMON_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/cuda_driver.h b/mindspore/ccsrc/runtime/device/gpu/cuda_driver.h index fb5d60f6cfb..6015d762652 100644 --- a/mindspore/ccsrc/runtime/device/gpu/cuda_driver.h +++ b/mindspore/ccsrc/runtime/device/gpu/cuda_driver.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_CUDA_DRIVER_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_CUDA_DRIVER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_CUDA_DRIVER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_CUDA_DRIVER_H_ #include @@ -76,4 +76,4 @@ class CudaDriver { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_CUDA_DRIVER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_CUDA_DRIVER_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/distribution/collective_common.h b/mindspore/ccsrc/runtime/device/gpu/distribution/collective_common.h index 5373f21d70c..394aaf31003 100644 --- a/mindspore/ccsrc/runtime/device/gpu/distribution/collective_common.h +++ b/mindspore/ccsrc/runtime/device/gpu/distribution/collective_common.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_COLLECTIVE_COMMON_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_COLLECTIVE_COMMON_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_COLLECTIVE_COMMON_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_COLLECTIVE_COMMON_H_ #include #include "pybind11/pybind11.h" @@ -39,4 +39,4 @@ constexpr char NCCL_WORLD_GROUP[] = "nccl_world_group"; } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_COLLECTIVE_COMMON_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_COLLECTIVE_COMMON_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/distribution/collective_fake_init.h b/mindspore/ccsrc/runtime/device/gpu/distribution/collective_fake_init.h index c8405f12f6c..c773f8ac7f0 100644 --- a/mindspore/ccsrc/runtime/device/gpu/distribution/collective_fake_init.h +++ b/mindspore/ccsrc/runtime/device/gpu/distribution/collective_fake_init.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_DISTRIBUTION_COLLECTIVE_FAKE_INIT_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_DISTRIBUTION_COLLECTIVE_FAKE_INIT_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_DISTRIBUTION_COLLECTIVE_FAKE_INIT_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_DISTRIBUTION_COLLECTIVE_FAKE_INIT_H_ namespace mindspore { namespace device { @@ -33,4 +33,4 @@ class CollectiveFakeInitializer { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_DISTRIBUTION_COLLECTIVE_FAKE_INIT_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_DISTRIBUTION_COLLECTIVE_FAKE_INIT_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/distribution/collective_init.h b/mindspore/ccsrc/runtime/device/gpu/distribution/collective_init.h index 464492d50f8..d65ac9045e8 100644 --- a/mindspore/ccsrc/runtime/device/gpu/distribution/collective_init.h +++ b/mindspore/ccsrc/runtime/device/gpu/distribution/collective_init.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_DISTRIBUTION_COLLECTIVE_INIT_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_DISTRIBUTION_COLLECTIVE_INIT_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_DISTRIBUTION_COLLECTIVE_INIT_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_DISTRIBUTION_COLLECTIVE_INIT_H_ #include #include @@ -53,4 +53,4 @@ class CollectiveInitializer { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_DISTRIBUTION_COLLECTIVE_INIT_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_DISTRIBUTION_COLLECTIVE_INIT_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/distribution/mpi_wrapper.h b/mindspore/ccsrc/runtime/device/gpu/distribution/mpi_wrapper.h index 19d06b32d32..dde200aafb4 100644 --- a/mindspore/ccsrc/runtime/device/gpu/distribution/mpi_wrapper.h +++ b/mindspore/ccsrc/runtime/device/gpu/distribution/mpi_wrapper.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_DISTRIBUTION_MPI_WRAPPER_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_DISTRIBUTION_MPI_WRAPPER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_DISTRIBUTION_MPI_WRAPPER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_DISTRIBUTION_MPI_WRAPPER_H_ #include #include @@ -58,4 +58,4 @@ class MPIWrapper { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_DISTRIBUTION_MPI_WRAPPER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_DISTRIBUTION_MPI_WRAPPER_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/distribution/nccl_wrapper.h b/mindspore/ccsrc/runtime/device/gpu/distribution/nccl_wrapper.h index 9cea338c413..0dc8f790fea 100644 --- a/mindspore/ccsrc/runtime/device/gpu/distribution/nccl_wrapper.h +++ b/mindspore/ccsrc/runtime/device/gpu/distribution/nccl_wrapper.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_DISTRIBUTION_NCCL_WRAPPER_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_DISTRIBUTION_NCCL_WRAPPER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_DISTRIBUTION_NCCL_WRAPPER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_DISTRIBUTION_NCCL_WRAPPER_H_ #include #include @@ -61,4 +61,4 @@ class NCCLWrapper { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_DISTRIBUTION_NCCL_WRAPPER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_DISTRIBUTION_NCCL_WRAPPER_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/gpu_buffer_mgr.h b/mindspore/ccsrc/runtime/device/gpu/gpu_buffer_mgr.h index 722a36c4ed0..610836bcf6d 100644 --- a/mindspore/ccsrc/runtime/device/gpu/gpu_buffer_mgr.h +++ b/mindspore/ccsrc/runtime/device/gpu/gpu_buffer_mgr.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_GPU_BUFFER_MGR_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_GPU_BUFFER_MGR_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_BUFFER_MGR_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_BUFFER_MGR_H_ #include #include @@ -136,4 +136,4 @@ class GpuBufferMgr { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_GPU_BUFFER_MGR_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_BUFFER_MGR_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/gpu_common.h b/mindspore/ccsrc/runtime/device/gpu/gpu_common.h index c1b61464875..6ed682e7045 100644 --- a/mindspore/ccsrc/runtime/device/gpu/gpu_common.h +++ b/mindspore/ccsrc/runtime/device/gpu/gpu_common.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_GPU_COMMON_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_GPU_COMMON_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_COMMON_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_COMMON_H_ #include #include @@ -119,4 +119,4 @@ inline bool CheckNullInput(std::vector input_shape) { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_GPU_COMMON_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_COMMON_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/gpu_device_address.h b/mindspore/ccsrc/runtime/device/gpu/gpu_device_address.h index ade738deed4..8b846bf341a 100644 --- a/mindspore/ccsrc/runtime/device/gpu/gpu_device_address.h +++ b/mindspore/ccsrc/runtime/device/gpu/gpu_device_address.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_GPU_DEVICE_ADDRESS_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_GPU_DEVICE_ADDRESS_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_DEVICE_ADDRESS_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_DEVICE_ADDRESS_H_ #include #include @@ -44,4 +44,4 @@ class GPUDeviceAddress : public DeviceAddress { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_GPU_DEVICE_ADDRESS_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_DEVICE_ADDRESS_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/gpu_device_manager.h b/mindspore/ccsrc/runtime/device/gpu/gpu_device_manager.h index 002806675ce..69f33d41c40 100644 --- a/mindspore/ccsrc/runtime/device/gpu/gpu_device_manager.h +++ b/mindspore/ccsrc/runtime/device/gpu/gpu_device_manager.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_GPU_DEVICE_MANAGER_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_GPU_DEVICE_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_DEVICE_MANAGER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_DEVICE_MANAGER_H_ #include #include @@ -80,4 +80,4 @@ class GPUDeviceManager { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_GPU_DEVICE_MANAGER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_DEVICE_MANAGER_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/gpu_kernel_build.h b/mindspore/ccsrc/runtime/device/gpu/gpu_kernel_build.h index 831c4e95110..e4b207c1c7e 100644 --- a/mindspore/ccsrc/runtime/device/gpu/gpu_kernel_build.h +++ b/mindspore/ccsrc/runtime/device/gpu/gpu_kernel_build.h @@ -13,8 +13,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_GPUKERNELBUILD_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_GPUKERNELBUILD_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPUKERNELBUILD_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPUKERNELBUILD_H_ #include #include "backend/session/kernel_graph.h" @@ -25,4 +25,4 @@ void GpuBuild(const std::shared_ptr &kernel_graph); } // namespace gpu } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_GPUKERNELBUILD_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPUKERNELBUILD_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/gpu_kernel_runtime.h b/mindspore/ccsrc/runtime/device/gpu/gpu_kernel_runtime.h index e1ba3458661..8455971d735 100644 --- a/mindspore/ccsrc/runtime/device/gpu/gpu_kernel_runtime.h +++ b/mindspore/ccsrc/runtime/device/gpu/gpu_kernel_runtime.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_GPU_KERNEL_RUNTIME_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_GPU_KERNEL_RUNTIME_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_KERNEL_RUNTIME_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_KERNEL_RUNTIME_H_ #include #include @@ -88,4 +88,4 @@ MS_REG_KERNEL_RUNTIME(kGPUDevice, GPUKernelRuntime); } // namespace gpu } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_GPU_KERNEL_RUNTIME_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_KERNEL_RUNTIME_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/gpu_memory_allocator.h b/mindspore/ccsrc/runtime/device/gpu/gpu_memory_allocator.h index 4b6eaa4e14b..dd66a7d5eed 100644 --- a/mindspore/ccsrc/runtime/device/gpu/gpu_memory_allocator.h +++ b/mindspore/ccsrc/runtime/device/gpu/gpu_memory_allocator.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_GPU_MEMORY_ALLOCATOR_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_GPU_MEMORY_ALLOCATOR_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_MEMORY_ALLOCATOR_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_MEMORY_ALLOCATOR_H_ #include #include "runtime/device/gpu/cuda_driver.h" @@ -58,4 +58,4 @@ class GPUMemoryAllocator : public DynamicMemPoolBestFit { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_GPU_MEMORY_ALLOCATOR_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_MEMORY_ALLOCATOR_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/gpu_memory_copy_manager.h b/mindspore/ccsrc/runtime/device/gpu/gpu_memory_copy_manager.h index dc99b7f7d0b..7a9cc551f86 100644 --- a/mindspore/ccsrc/runtime/device/gpu/gpu_memory_copy_manager.h +++ b/mindspore/ccsrc/runtime/device/gpu/gpu_memory_copy_manager.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_GPU_MEMORY_COPY_MANAGER_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_GPU_MEMORY_COPY_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_MEMORY_COPY_MANAGER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_MEMORY_COPY_MANAGER_H_ #include #include @@ -65,4 +65,4 @@ using GPUMemCopyManagerPtr = std::shared_ptr; } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_GPU_MEMORY_COPY_MANAGER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_MEMORY_COPY_MANAGER_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/gpu_memory_manager.h b/mindspore/ccsrc/runtime/device/gpu/gpu_memory_manager.h index 533116cefce..1b8e28f5e9b 100644 --- a/mindspore/ccsrc/runtime/device/gpu/gpu_memory_manager.h +++ b/mindspore/ccsrc/runtime/device/gpu/gpu_memory_manager.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_GPU_GPU_MEMORY_MANAGER_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_GPU_GPU_MEMORY_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_MEMORY_MANAGER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_MEMORY_MANAGER_H_ #include #include "runtime/device/memory_manager.h" namespace mindspore { @@ -39,4 +39,4 @@ class GPUMemoryManager : public MemoryManager { } // namespace gpu } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_GPU_GPU_MEMORY_MANAGER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_MEMORY_MANAGER_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/gpu_stream_assign.h b/mindspore/ccsrc/runtime/device/gpu/gpu_stream_assign.h index f22ce8fe386..f31bc7aa1e5 100644 --- a/mindspore/ccsrc/runtime/device/gpu/gpu_stream_assign.h +++ b/mindspore/ccsrc/runtime/device/gpu/gpu_stream_assign.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_GPU_STREAM_ASSIGN_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_GPU_STREAM_ASSIGN_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_STREAM_ASSIGN_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_STREAM_ASSIGN_H_ #include #include @@ -70,4 +70,4 @@ CNodePtr CreateStreamSwitchNode(const std::shared_ptr &ker } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_GPU_STREAM_ASSIGN_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_GPU_STREAM_ASSIGN_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/kernel_info_setter.h b/mindspore/ccsrc/runtime/device/gpu/kernel_info_setter.h index b351f74fa33..00a2851f02e 100644 --- a/mindspore/ccsrc/runtime/device/gpu/kernel_info_setter.h +++ b/mindspore/ccsrc/runtime/device/gpu/kernel_info_setter.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_KERNEL_INFO_SETTER_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_KERNEL_INFO_SETTER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_KERNEL_INFO_SETTER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_KERNEL_INFO_SETTER_H_ #include #include @@ -66,4 +66,4 @@ class KernelAttr { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_KERNEL_INFO_SETTER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_KERNEL_INFO_SETTER_H_ diff --git a/mindspore/ccsrc/runtime/device/gpu/mpi/mpi_initializer.h b/mindspore/ccsrc/runtime/device/gpu/mpi/mpi_initializer.h index bd0a4aa948f..fc4ad7468d7 100644 --- a/mindspore/ccsrc/runtime/device/gpu/mpi/mpi_initializer.h +++ b/mindspore/ccsrc/runtime/device/gpu/mpi/mpi_initializer.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_GPU_MPI_MPI_INITIALIZER_H_ -#define MINDSPORE_CCSRC_DEVICE_GPU_MPI_MPI_INITIALIZER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_MPI_MPI_INITIALIZER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_MPI_MPI_INITIALIZER_H_ namespace mindspore { namespace device { @@ -39,4 +39,4 @@ class MPIInitializer { } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_GPU_MPI_MPI_INITIALIZER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_GPU_MPI_MPI_INITIALIZER_H_ diff --git a/mindspore/ccsrc/runtime/device/kernel_adjust.h b/mindspore/ccsrc/runtime/device/kernel_adjust.h index dbd6f226af7..b65dcd01213 100644 --- a/mindspore/ccsrc/runtime/device/kernel_adjust.h +++ b/mindspore/ccsrc/runtime/device/kernel_adjust.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_KERNEL_ADJUST_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_KERNEL_ADJUST_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_KERNEL_ADJUST_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_KERNEL_ADJUST_H_ #include #include @@ -80,4 +80,4 @@ class KernelAdjust { }; } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_KERNEL_ADJUST_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_KERNEL_ADJUST_H_ diff --git a/mindspore/ccsrc/runtime/device/kernel_runtime.h b/mindspore/ccsrc/runtime/device/kernel_runtime.h index 41cbd6f4e49..88f45978fb5 100644 --- a/mindspore/ccsrc/runtime/device/kernel_runtime.h +++ b/mindspore/ccsrc/runtime/device/kernel_runtime.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_DEVICE_KERNEL_RUNTIME_H_ -#define MINDSPORE_CCSRC_DEVICE_KERNEL_RUNTIME_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_KERNEL_RUNTIME_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_KERNEL_RUNTIME_H_ #include #include #include @@ -119,4 +119,4 @@ using KernelRuntimePtr = std::shared_ptr; } // namespace device } // namespace mindspore -#endif // MINDSPORE_CCSRC_DEVICE_KERNEL_RUNTIME_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_KERNEL_RUNTIME_H_ diff --git a/mindspore/ccsrc/runtime/device/kernel_runtime_manager.h b/mindspore/ccsrc/runtime/device/kernel_runtime_manager.h index 7fcb40ae671..ed2a24229bb 100644 --- a/mindspore/ccsrc/runtime/device/kernel_runtime_manager.h +++ b/mindspore/ccsrc/runtime/device/kernel_runtime_manager.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_KERNEL_RUNTIME_MANAGER_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_KERNEL_RUNTIME_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_KERNEL_RUNTIME_MANAGER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_KERNEL_RUNTIME_MANAGER_H_ #include #include #include @@ -62,4 +62,4 @@ class KernelRuntimeRegistrar { DEVICE_NAME, []() { return std::make_shared(); }); } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_KERNEL_RUNTIME_MANAGER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_KERNEL_RUNTIME_MANAGER_H_ diff --git a/mindspore/ccsrc/runtime/device/memory_manager.h b/mindspore/ccsrc/runtime/device/memory_manager.h index 83a7e90d20c..47f11eac1bc 100644 --- a/mindspore/ccsrc/runtime/device/memory_manager.h +++ b/mindspore/ccsrc/runtime/device/memory_manager.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_DEVICE_MEMORY_MANAGER_H_ -#define MINDSPORE_MINDSPORE_CCSRC_DEVICE_MEMORY_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_RUNTIME_DEVICE_MEMORY_MANAGER_H_ +#define MINDSPORE_CCSRC_RUNTIME_DEVICE_MEMORY_MANAGER_H_ #include #include #include "backend/optimizer/mem_reuse/mem_reuse.h" @@ -71,4 +71,4 @@ class MemoryManager { }; } // namespace device } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_DEVICE_MEMORY_MANAGER_H_ +#endif // MINDSPORE_CCSRC_RUNTIME_DEVICE_MEMORY_MANAGER_H_ diff --git a/mindspore/ccsrc/transform/graph_ir/all_ops.h b/mindspore/ccsrc/transform/graph_ir/all_ops.h index 1206b3c7a8a..d815784e7b9 100644 --- a/mindspore/ccsrc/transform/graph_ir/all_ops.h +++ b/mindspore/ccsrc/transform/graph_ir/all_ops.h @@ -14,9 +14,9 @@ * limitations under the License. */ -#ifndef TRANSFORM_ALL_OPS_H_ -#define TRANSFORM_ALL_OPS_H_ +#ifndef MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_ALL_OPS_H_ +#define MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_ALL_OPS_H_ // old #include "ops/all_ops.h" -#endif // TRANSFORM_ALL_OPS_H_ +#endif // MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_ALL_OPS_H_ diff --git a/mindspore/ccsrc/transform/graph_ir/convert.h b/mindspore/ccsrc/transform/graph_ir/convert.h index 6fa27831bf2..24c9fbff671 100644 --- a/mindspore/ccsrc/transform/graph_ir/convert.h +++ b/mindspore/ccsrc/transform/graph_ir/convert.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_TRANSFORM_CONVERT_H_ -#define MINDSPORE_CCSRC_TRANSFORM_CONVERT_H_ +#ifndef MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_CONVERT_H_ +#define MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_CONVERT_H_ #define DRAW_GE_GRAPH @@ -255,4 +255,4 @@ class DfGraphConvertor { } // namespace transform } // namespace mindspore -#endif // MINDSPORE_CCSRC_TRANSFORM_CONVERT_H_ +#endif // MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_CONVERT_H_ diff --git a/mindspore/ccsrc/transform/graph_ir/df_graph_manager.h b/mindspore/ccsrc/transform/graph_ir/df_graph_manager.h index 8a574b7a040..0a24845f837 100644 --- a/mindspore/ccsrc/transform/graph_ir/df_graph_manager.h +++ b/mindspore/ccsrc/transform/graph_ir/df_graph_manager.h @@ -13,8 +13,8 @@ * limitations under the License. */ -#ifndef TRANSFORM_DF_GRAPH_MANAGER_H_ -#define TRANSFORM_DF_GRAPH_MANAGER_H_ +#ifndef MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_DF_GRAPH_MANAGER_H_ +#define MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_DF_GRAPH_MANAGER_H_ #include #include @@ -83,4 +83,4 @@ class DfGraphManager { } // namespace transform } // namespace mindspore -#endif // TRANSFORM_DF_GRAPH_MANAGER_H_ +#endif // MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_DF_GRAPH_MANAGER_H_ diff --git a/mindspore/ccsrc/transform/graph_ir/graph_builder.h b/mindspore/ccsrc/transform/graph_ir/graph_builder.h index 5162674242c..1262625673a 100644 --- a/mindspore/ccsrc/transform/graph_ir/graph_builder.h +++ b/mindspore/ccsrc/transform/graph_ir/graph_builder.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef TRANSFORM_GRAPH_BUILDER_H_ -#define TRANSFORM_GRAPH_BUILDER_H_ +#ifndef MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_GRAPH_BUILDER_H_ +#define MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_GRAPH_BUILDER_H_ #include #include @@ -31,4 +31,4 @@ Status BuildDatasetGraph(const DatasetGraphParam ¶m, const std::string &phas } // namespace transform } // namespace mindspore -#endif // TRANSFORM_GRAPH_BUILDER_H_ +#endif // MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_GRAPH_BUILDER_H_ diff --git a/mindspore/ccsrc/transform/graph_ir/graph_runner.h b/mindspore/ccsrc/transform/graph_ir/graph_runner.h index 92db9e14135..55f8beddae7 100644 --- a/mindspore/ccsrc/transform/graph_ir/graph_runner.h +++ b/mindspore/ccsrc/transform/graph_ir/graph_runner.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef TRANSFORM_GRAPH_RUNNER_H_ -#define TRANSFORM_GRAPH_RUNNER_H_ +#ifndef MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_GRAPH_RUNNER_H_ +#define MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_GRAPH_RUNNER_H_ #include #include @@ -60,4 +60,4 @@ class GraphRunner { } // namespace transform } // namespace mindspore -#endif // TRANSFORM_GRAPH_RUNNER_H_ +#endif // MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_GRAPH_RUNNER_H_ diff --git a/mindspore/ccsrc/transform/graph_ir/op_adapter.h b/mindspore/ccsrc/transform/graph_ir/op_adapter.h index 358cbd20a1d..52dac483ed0 100644 --- a/mindspore/ccsrc/transform/graph_ir/op_adapter.h +++ b/mindspore/ccsrc/transform/graph_ir/op_adapter.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef TRANSFORM_OP_ADAPTER_H_ -#define TRANSFORM_OP_ADAPTER_H_ +#ifndef MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_OP_ADAPTER_H_ +#define MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_OP_ADAPTER_H_ #include #include @@ -910,4 +910,4 @@ std::unordered_map> OpAdapter< } // namespace transform } // namespace mindspore -#endif // TRANSFORM_OP_ADAPTER_H_ +#endif // MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_OP_ADAPTER_H_ diff --git a/mindspore/ccsrc/transform/graph_ir/op_adapter_base.h b/mindspore/ccsrc/transform/graph_ir/op_adapter_base.h index 77e28dda94c..9d59534fb43 100644 --- a/mindspore/ccsrc/transform/graph_ir/op_adapter_base.h +++ b/mindspore/ccsrc/transform/graph_ir/op_adapter_base.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef TRANSFORM_OP_ADAPTER_BASE_H_ -#define TRANSFORM_OP_ADAPTER_BASE_H_ +#ifndef MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_OP_ADAPTER_BASE_H_ +#define MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_OP_ADAPTER_BASE_H_ #include #include @@ -195,4 +195,4 @@ struct AnyTraits { using ExtraAttr = std::unordered_map; } // namespace transform } // namespace mindspore -#endif // TRANSFORM_OP_ADAPTER_BASE_H_ +#endif // MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_OP_ADAPTER_BASE_H_ diff --git a/mindspore/ccsrc/transform/graph_ir/op_adapter_util.h b/mindspore/ccsrc/transform/graph_ir/op_adapter_util.h index 0a0d745ba22..d80aa3b5b3a 100644 --- a/mindspore/ccsrc/transform/graph_ir/op_adapter_util.h +++ b/mindspore/ccsrc/transform/graph_ir/op_adapter_util.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef TRANSFORM_OP_ADAPTER_UTIL_H_ -#define TRANSFORM_OP_ADAPTER_UTIL_H_ +#ifndef MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_OP_ADAPTER_UTIL_H_ +#define MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_OP_ADAPTER_UTIL_H_ #include #include @@ -63,4 +63,4 @@ bool IsCustomPrim(const PrimitivePtr &prim); bool IsCustomCNode(const AnfNodePtr &node); } // namespace transform } // namespace mindspore -#endif // TRANSFORM_OP_ADAPTER_UTIL_H_ +#endif // MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_OP_ADAPTER_UTIL_H_ diff --git a/mindspore/ccsrc/transform/graph_ir/op_declare.h b/mindspore/ccsrc/transform/graph_ir/op_declare.h index c34a40df9a6..220cc945a7a 100755 --- a/mindspore/ccsrc/transform/graph_ir/op_declare.h +++ b/mindspore/ccsrc/transform/graph_ir/op_declare.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef TRANSFORM_OP_DECLARE_H_ -#define TRANSFORM_OP_DECLARE_H_ +#ifndef MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_OP_DECLARE_H_ +#define MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_OP_DECLARE_H_ #include #include @@ -510,4 +510,4 @@ DECLARE_OP_USE_DYN_INPUT(Print) #endif } // namespace transform } // namespace mindspore -#endif // TRANSFORM_OP_DECLARE_H_ +#endif // MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_OP_DECLARE_H_ diff --git a/mindspore/ccsrc/transform/graph_ir/types.h b/mindspore/ccsrc/transform/graph_ir/types.h index d8c57b6255c..0b76393231e 100644 --- a/mindspore/ccsrc/transform/graph_ir/types.h +++ b/mindspore/ccsrc/transform/graph_ir/types.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef TRANSFORM_TYPES_H_ -#define TRANSFORM_TYPES_H_ +#ifndef MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_TYPES_H_ +#define MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_TYPES_H_ #include #include @@ -56,4 +56,4 @@ using TensorMap = std::unordered_map>; } // namespace transform } // namespace mindspore -#endif // TRANSFORM_TYPES_H_ +#endif // MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_TYPES_H_ diff --git a/mindspore/ccsrc/transform/graph_ir/util.h b/mindspore/ccsrc/transform/graph_ir/util.h index 32d4242c4f8..14f251a26ee 100644 --- a/mindspore/ccsrc/transform/graph_ir/util.h +++ b/mindspore/ccsrc/transform/graph_ir/util.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef TRANSFORM_UTIL_H_ -#define TRANSFORM_UTIL_H_ +#ifndef MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_UTIL_H_ +#define MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_UTIL_H_ #include #include @@ -238,4 +238,4 @@ class TransformUtil { } // namespace transform } // namespace mindspore -#endif // TRANSFORM_UTIL_H_ +#endif // MINDSPORE_CCSRC_TRANSFORM_GRAPH_IR_UTIL_H_ diff --git a/mindspore/ccsrc/utils/utils.h b/mindspore/ccsrc/utils/utils.h index 82bfe7a891b..31710e86003 100644 --- a/mindspore/ccsrc/utils/utils.h +++ b/mindspore/ccsrc/utils/utils.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_MINDSPORE_CCSRC_UTILS_UTILS_H_ -#define MINDSPORE_MINDSPORE_CCSRC_UTILS_UTILS_H_ +#ifndef MINDSPORE_CCSRC_UTILS_UTILS_H_ +#define MINDSPORE_CCSRC_UTILS_UTILS_H_ #include #include @@ -332,4 +332,4 @@ static inline void ChangeFileMode(const std::string &file_name, mode_t mode) { } } } // namespace mindspore -#endif // MINDSPORE_MINDSPORE_CCSRC_UTILS_UTILS_H_ +#endif // MINDSPORE_CCSRC_UTILS_UTILS_H_ diff --git a/mindspore/core/abstract/abstract_value.h b/mindspore/core/abstract/abstract_value.h index 5f2ca8f3f32..0acc5167286 100644 --- a/mindspore/core/abstract/abstract_value.h +++ b/mindspore/core/abstract/abstract_value.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_ABSTRACT_ABSTRACT_VALUE_H_ -#define MINDSPORE_CCSRC_ABSTRACT_ABSTRACT_VALUE_H_ +#ifndef MINDSPORE_CORE_ABSTRACT_ABSTRACT_VALUE_H_ +#define MINDSPORE_CORE_ABSTRACT_ABSTRACT_VALUE_H_ #include #include @@ -652,4 +652,4 @@ class AbstractSparseTensor : public AbstractUndetermined { }; } // namespace abstract } // namespace mindspore -#endif // MINDSPORE_CCSRC_ABSTRACT_ABSTRACT_VALUE_H_ +#endif // MINDSPORE_CORE_ABSTRACT_ABSTRACT_VALUE_H_ diff --git a/mindspore/core/abstract/analysis_context.h b/mindspore/core/abstract/analysis_context.h index c0293d7e917..40161d7df1a 100644 --- a/mindspore/core/abstract/analysis_context.h +++ b/mindspore/core/abstract/analysis_context.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_ABSTRACT_ANALYSIS_CONTEXT_H_ -#define MINDSPORE_CCSRC_ABSTRACT_ANALYSIS_CONTEXT_H_ +#ifndef MINDSPORE_CORE_ABSTRACT_ANALYSIS_CONTEXT_H_ +#define MINDSPORE_CORE_ABSTRACT_ANALYSIS_CONTEXT_H_ #include #include @@ -85,4 +85,4 @@ struct ContextEqual { extern const AnalysisContextPtr kDummyAnalysisContext; } // namespace abstract } // namespace mindspore -#endif // MINDSPORE_CCSRC_ABSTRACT_ANALYSIS_CONTEXT_H_ +#endif // MINDSPORE_CORE_ABSTRACT_ANALYSIS_CONTEXT_H_ diff --git a/mindspore/core/abstract/dshape.h b/mindspore/core/abstract/dshape.h index b9b8e93292f..5766c977901 100644 --- a/mindspore/core/abstract/dshape.h +++ b/mindspore/core/abstract/dshape.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_ABSTRACT_DSHAPE_H_ -#define MINDSPORE_CCSRC_ABSTRACT_DSHAPE_H_ +#ifndef MINDSPORE_CORE_ABSTRACT_DSHAPE_H_ +#define MINDSPORE_CORE_ABSTRACT_DSHAPE_H_ #include #include @@ -132,4 +132,4 @@ using ListShapePtr = std::shared_ptr; } // namespace abstract } // namespace mindspore -#endif // MINDSPORE_CCSRC_ABSTRACT_DSHAPE_H_ +#endif // MINDSPORE_CORE_ABSTRACT_DSHAPE_H_ diff --git a/mindspore/core/abstract/param_validator.h b/mindspore/core/abstract/param_validator.h index e08d4fc8e85..ae811c47e8c 100644 --- a/mindspore/core/abstract/param_validator.h +++ b/mindspore/core/abstract/param_validator.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_ABSTRACT_PARAM_VALIDATOR_H_ -#define MINDSPORE_CCSRC_ABSTRACT_PARAM_VALIDATOR_H_ +#ifndef MINDSPORE_CORE_ABSTRACT_PARAM_VALIDATOR_H_ +#define MINDSPORE_CORE_ABSTRACT_PARAM_VALIDATOR_H_ #include #include @@ -98,4 +98,4 @@ void CheckArgsSpec(const AbstractBasePtrList &args_list) { } // namespace abstract } // namespace mindspore -#endif // MINDSPORE_CCSRC_ABSTRACT_PARAM_VALIDATOR_H_ +#endif // MINDSPORE_CORE_ABSTRACT_PARAM_VALIDATOR_H_ diff --git a/mindspore/core/abstract/utils.h b/mindspore/core/abstract/utils.h index be38ae860da..6f96a7a5c38 100644 --- a/mindspore/core/abstract/utils.h +++ b/mindspore/core/abstract/utils.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_ABSTRACT_UTILS_H_ -#define MINDSPORE_CCSRC_ABSTRACT_UTILS_H_ +#ifndef MINDSPORE_CORE_ABSTRACT_UTILS_H_ +#define MINDSPORE_CORE_ABSTRACT_UTILS_H_ #include #include @@ -53,4 +53,4 @@ int GetPositiveAxis(int axis_value, size_t increment); ShapePtr GetBroadcastShape(const std::string &op, const AbstractTensorPtr &tensor_x, const AbstractTensorPtr &tensor_y); } // namespace abstract } // namespace mindspore -#endif // MINDSPORE_CCSRC_ABSTRACT_UTILS_H_ +#endif // MINDSPORE_CORE_ABSTRACT_UTILS_H_ diff --git a/mindspore/core/base/base.h b/mindspore/core/base/base.h index 8e1a447c0df..84a23bbcb95 100644 --- a/mindspore/core/base/base.h +++ b/mindspore/core/base/base.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_BASE_BASE_H_ -#define MINDSPORE_CCSRC_BASE_BASE_H_ +#ifndef MINDSPORE_CORE_BASE_BASE_H_ +#define MINDSPORE_CORE_BASE_BASE_H_ #include #include @@ -149,4 +149,4 @@ struct MS_EXPORT TypeIdManager { }; } // namespace mindspore -#endif // MINDSPORE_CCSRC_BASE_BASE_H_ +#endif // MINDSPORE_CORE_BASE_BASE_H_ diff --git a/mindspore/core/ir/anf.h b/mindspore/core/ir/anf.h index 961dcde8a78..a6b2f6bd127 100644 --- a/mindspore/core/ir/anf.h +++ b/mindspore/core/ir/anf.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_ANF_H_ -#define MINDSPORE_CCSRC_IR_ANF_H_ +#ifndef MINDSPORE_CORE_IR_ANF_H_ +#define MINDSPORE_CORE_IR_ANF_H_ #include #include @@ -442,4 +442,4 @@ using TaggedGraph = std::pair; std::string GetCNodeTarget(const AnfNodePtr &node); } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_ANF_H_ +#endif // MINDSPORE_CORE_IR_ANF_H_ diff --git a/mindspore/core/ir/device_sync.h b/mindspore/core/ir/device_sync.h index 708b6b0e565..d8a00798147 100644 --- a/mindspore/core/ir/device_sync.h +++ b/mindspore/core/ir/device_sync.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_DEVICE_SYNC_H_ -#define MINDSPORE_CCSRC_IR_DEVICE_SYNC_H_ +#ifndef MINDSPORE_CORE_IR_DEVICE_SYNC_H_ +#define MINDSPORE_CORE_IR_DEVICE_SYNC_H_ #include #include @@ -36,4 +36,4 @@ class DeviceSync { }; using DeviceSyncPtr = std::shared_ptr; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_DEVICE_SYNC_H_ +#endif // MINDSPORE_CORE_IR_DEVICE_SYNC_H_ diff --git a/mindspore/core/ir/dtype.h b/mindspore/core/ir/dtype.h index 0ff152a4f46..14a15672d8a 100644 --- a/mindspore/core/ir/dtype.h +++ b/mindspore/core/ir/dtype.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_DTYPE_H_ -#define MINDSPORE_CCSRC_IR_DTYPE_H_ +#ifndef MINDSPORE_CORE_IR_DTYPE_H_ +#define MINDSPORE_CORE_IR_DTYPE_H_ #include #include @@ -355,4 +355,4 @@ extern const TypePtr kKeyword; extern const TypePtr kTensorType; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_DTYPE_H_ +#endif // MINDSPORE_CORE_IR_DTYPE_H_ diff --git a/mindspore/core/ir/dtype/container.h b/mindspore/core/ir/dtype/container.h index 29579fe73cf..a6aa07e6f7f 100644 --- a/mindspore/core/ir/dtype/container.h +++ b/mindspore/core/ir/dtype/container.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_DTYPE_CONTAINER_H_ -#define MINDSPORE_CCSRC_IR_DTYPE_CONTAINER_H_ +#ifndef MINDSPORE_CORE_IR_DTYPE_CONTAINER_H_ +#define MINDSPORE_CORE_IR_DTYPE_CONTAINER_H_ #include #include @@ -147,4 +147,4 @@ class Dictionary : public Object { using DictionaryPtr = std::shared_ptr; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_DTYPE_CONTAINER_H_ +#endif // MINDSPORE_CORE_IR_DTYPE_CONTAINER_H_ diff --git a/mindspore/core/ir/dtype/empty.h b/mindspore/core/ir/dtype/empty.h index e6149a1fce8..d2422f8fc3c 100644 --- a/mindspore/core/ir/dtype/empty.h +++ b/mindspore/core/ir/dtype/empty.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_DTYPE_EMPTY_H_ -#define MINDSPORE_CCSRC_IR_DTYPE_EMPTY_H_ +#ifndef MINDSPORE_CORE_IR_DTYPE_EMPTY_H_ +#define MINDSPORE_CORE_IR_DTYPE_EMPTY_H_ #include #include @@ -90,4 +90,4 @@ extern const TypePtr kTypeEllipsis; extern const TypePtr kAnyType; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_DTYPE_EMPTY_H_ +#endif // MINDSPORE_CORE_IR_DTYPE_EMPTY_H_ diff --git a/mindspore/core/ir/dtype/number.h b/mindspore/core/ir/dtype/number.h index 8997ddc4dfe..673957c8255 100644 --- a/mindspore/core/ir/dtype/number.h +++ b/mindspore/core/ir/dtype/number.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_DTYPE_NUMBER_H_ -#define MINDSPORE_CCSRC_IR_DTYPE_NUMBER_H_ +#ifndef MINDSPORE_CORE_IR_DTYPE_NUMBER_H_ +#define MINDSPORE_CORE_IR_DTYPE_NUMBER_H_ #include #include @@ -151,4 +151,4 @@ extern const TypePtr kFloat; extern const TypePtr kNumber; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_DTYPE_NUMBER_H_ +#endif // MINDSPORE_CORE_IR_DTYPE_NUMBER_H_ diff --git a/mindspore/core/ir/dtype/ref.h b/mindspore/core/ir/dtype/ref.h index e798d72af54..79a596a90e7 100644 --- a/mindspore/core/ir/dtype/ref.h +++ b/mindspore/core/ir/dtype/ref.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_DTYPE_REF_H_ -#define MINDSPORE_CCSRC_IR_DTYPE_REF_H_ +#ifndef MINDSPORE_CORE_IR_DTYPE_REF_H_ +#define MINDSPORE_CORE_IR_DTYPE_REF_H_ #include #include @@ -72,4 +72,4 @@ extern const TypePtr kRefKeyType; extern const TypePtr kRefType; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_DTYPE_REF_H_ +#endif // MINDSPORE_CORE_IR_DTYPE_REF_H_ diff --git a/mindspore/core/ir/dtype/type.h b/mindspore/core/ir/dtype/type.h index 2e38e8ffb68..063f435bd5b 100644 --- a/mindspore/core/ir/dtype/type.h +++ b/mindspore/core/ir/dtype/type.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_DTYPE_TYPE_H_ -#define MINDSPORE_CCSRC_IR_DTYPE_TYPE_H_ +#ifndef MINDSPORE_CORE_IR_DTYPE_TYPE_H_ +#define MINDSPORE_CORE_IR_DTYPE_TYPE_H_ #include #include @@ -124,4 +124,4 @@ class Object : public Type { std::ostream &operator<<(std::ostream &os, const TypePtrList &types); } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_DTYPE_TYPE_H_ +#endif // MINDSPORE_CORE_IR_DTYPE_TYPE_H_ diff --git a/mindspore/core/ir/dtype/type_id.h b/mindspore/core/ir/dtype/type_id.h index 960c2f320d2..26e7fb215c0 100644 --- a/mindspore/core/ir/dtype/type_id.h +++ b/mindspore/core/ir/dtype/type_id.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_DTYPE_TYPE_ID_H_ -#define MINDSPORE_CCSRC_IR_DTYPE_TYPE_ID_H_ +#ifndef MINDSPORE_CORE_IR_DTYPE_TYPE_ID_H_ +#define MINDSPORE_CORE_IR_DTYPE_TYPE_ID_H_ #include #include @@ -91,4 +91,4 @@ const std::unordered_map type_name_map = { {kNumberTypeInt16, "int16"}, {kNumberTypeInt32, "int32"}, {kNumberTypeInt64, "int64"}, {kNumberTypeFloat16, "float16"}, {kNumberTypeFloat32, "float32"}, {kNumberTypeFloat64, "float64"}}; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_DTYPE_TYPE_ID_H_ +#endif // MINDSPORE_CORE_IR_DTYPE_TYPE_ID_H_ diff --git a/mindspore/core/ir/func_graph.h b/mindspore/core/ir/func_graph.h index fd7f5d9d48d..5953ea4878d 100644 --- a/mindspore/core/ir/func_graph.h +++ b/mindspore/core/ir/func_graph.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_FUNC_GRAPH_H_ -#define MINDSPORE_CCSRC_IR_FUNC_GRAPH_H_ +#ifndef MINDSPORE_CORE_IR_FUNC_GRAPH_H_ +#define MINDSPORE_CORE_IR_FUNC_GRAPH_H_ #include #include @@ -421,4 +421,4 @@ std::shared_ptr> FindRoots(const std::vector &seg std::shared_ptr> FindLeaves(const std::vector &segment); } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_FUNC_GRAPH_H_ +#endif // MINDSPORE_CORE_IR_FUNC_GRAPH_H_ diff --git a/mindspore/core/ir/func_graph_cloner.h b/mindspore/core/ir/func_graph_cloner.h index 4279ddfa12d..cdf9a8698b5 100644 --- a/mindspore/core/ir/func_graph_cloner.h +++ b/mindspore/core/ir/func_graph_cloner.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_FUNC_GRAPH_CLONER_H_ -#define MINDSPORE_CCSRC_IR_FUNC_GRAPH_CLONER_H_ +#ifndef MINDSPORE_CORE_IR_FUNC_GRAPH_CLONER_H_ +#define MINDSPORE_CORE_IR_FUNC_GRAPH_CLONER_H_ #include #include @@ -132,4 +132,4 @@ FuncGraphPtr TransformableClone(const FuncGraphPtr &func_graph, const TraceInfoPtr &relation = std::make_shared()); } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_FUNC_GRAPH_CLONER_H_ +#endif // MINDSPORE_CORE_IR_FUNC_GRAPH_CLONER_H_ diff --git a/mindspore/core/ir/kernel_info_dev.h b/mindspore/core/ir/kernel_info_dev.h index 87c717bdcb3..70665a14713 100644 --- a/mindspore/core/ir/kernel_info_dev.h +++ b/mindspore/core/ir/kernel_info_dev.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_KERNEL_INFO_DEV_H_ -#define MINDSPORE_CCSRC_IR_KERNEL_INFO_DEV_H_ +#ifndef MINDSPORE_CORE_IR_KERNEL_INFO_DEV_H_ +#define MINDSPORE_CORE_IR_KERNEL_INFO_DEV_H_ #include @@ -29,4 +29,4 @@ class KernelInfoDevice { using KernelInfoDevicePtr = std::shared_ptr; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_KERNEL_INFO_DEV_H_ +#endif // MINDSPORE_CORE_IR_KERNEL_INFO_DEV_H_ diff --git a/mindspore/core/ir/lite/param_value_lite.h b/mindspore/core/ir/lite/param_value_lite.h index 1da9b915c22..0384d992a94 100644 --- a/mindspore/core/ir/lite/param_value_lite.h +++ b/mindspore/core/ir/lite/param_value_lite.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_MINNIE_PARAM_VALUE_LITE_H_ -#define MINDSPORE_CCSRC_MINNIE_PARAM_VALUE_LITE_H_ +#ifndef MINDSPORE_CORE_IR_LITE_PARAM_VALUE_LITE_H_ +#define MINDSPORE_CORE_IR_LITE_PARAM_VALUE_LITE_H_ #include @@ -40,4 +40,4 @@ class ParamValueLite : public ParamValue { using ParamValueLitePtr = std::shared_ptr; } // namespace mindspore -#endif // MINDSPORE_CCSRC_MINNIE_PARAM_VALUE_LITE_H_ +#endif // MINDSPORE_CORE_IR_LITE_PARAM_VALUE_LITE_H_ diff --git a/mindspore/core/ir/lite/tensor.h b/mindspore/core/ir/lite/tensor.h index 0dcf5cc0eee..0e180f24210 100644 --- a/mindspore/core/ir/lite/tensor.h +++ b/mindspore/core/ir/lite/tensor.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_LITE_TENSOR_H_ -#define MINDSPORE_CCSRC_IR_LITE_TENSOR_H_ +#ifndef MINDSPORE_CORE_IR_LITE_TENSOR_H_ +#define MINDSPORE_CORE_IR_LITE_TENSOR_H_ #include #include @@ -94,4 +94,4 @@ class Tensor : public MSTensor { } // namespace inference } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_LITE_TENSOR_H_ +#endif // MINDSPORE_CORE_IR_LITE_TENSOR_H_ diff --git a/mindspore/core/ir/manager.h b/mindspore/core/ir/manager.h index a80302d0acd..9e804ab53ad 100644 --- a/mindspore/core/ir/manager.h +++ b/mindspore/core/ir/manager.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_MANAGER_H_ -#define MINDSPORE_CCSRC_IR_MANAGER_H_ +#ifndef MINDSPORE_CORE_IR_MANAGER_H_ +#define MINDSPORE_CORE_IR_MANAGER_H_ #include #include @@ -463,4 +463,4 @@ struct Change { } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_MANAGER_H_ +#endif // MINDSPORE_CORE_IR_MANAGER_H_ diff --git a/mindspore/core/ir/meta_func_graph.h b/mindspore/core/ir/meta_func_graph.h index df1edc312de..6c381c98016 100644 --- a/mindspore/core/ir/meta_func_graph.h +++ b/mindspore/core/ir/meta_func_graph.h @@ -16,8 +16,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_META_FUNC_GRAPH_H_ -#define MINDSPORE_CCSRC_IR_META_FUNC_GRAPH_H_ +#ifndef MINDSPORE_CORE_IR_META_FUNC_GRAPH_H_ +#define MINDSPORE_CORE_IR_META_FUNC_GRAPH_H_ #include #include @@ -88,4 +88,4 @@ class MetaFuncGraph : public FuncGraphBase { using MetaFuncGraphPtr = std::shared_ptr; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_META_FUNC_GRAPH_H_ +#endif // MINDSPORE_CORE_IR_META_FUNC_GRAPH_H_ diff --git a/mindspore/core/ir/meta_tensor.h b/mindspore/core/ir/meta_tensor.h index 00106215e8a..abf877da29d 100644 --- a/mindspore/core/ir/meta_tensor.h +++ b/mindspore/core/ir/meta_tensor.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_META_TENSOR_H_ -#define MINDSPORE_CCSRC_IR_META_TENSOR_H_ +#ifndef MINDSPORE_CORE_IR_META_TENSOR_H_ +#define MINDSPORE_CORE_IR_META_TENSOR_H_ #include #include @@ -192,4 +192,4 @@ using MetaTensorPtr = std::shared_ptr; } // namespace tensor } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_META_TENSOR_H_ +#endif // MINDSPORE_CORE_IR_META_TENSOR_H_ diff --git a/mindspore/core/ir/named.h b/mindspore/core/ir/named.h index 40e544c1298..74fbf005a75 100644 --- a/mindspore/core/ir/named.h +++ b/mindspore/core/ir/named.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_NAMED_H_ -#define MINDSPORE_CCSRC_IR_NAMED_H_ +#ifndef MINDSPORE_CORE_IR_NAMED_H_ +#define MINDSPORE_CORE_IR_NAMED_H_ #include #include @@ -89,4 +89,4 @@ class Ellipsis : public Named { }; extern const NamedPtr kEllipsis; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_NAMED_H_ +#endif // MINDSPORE_CORE_IR_NAMED_H_ diff --git a/mindspore/core/ir/optimizer_caller.h b/mindspore/core/ir/optimizer_caller.h index 036f4ab5109..53d7ac3f2f5 100644 --- a/mindspore/core/ir/optimizer_caller.h +++ b/mindspore/core/ir/optimizer_caller.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_OPTIMIZER_CALLER_H_ -#define MINDSPORE_CCSRC_IR_OPTIMIZER_CALLER_H_ +#ifndef MINDSPORE_CORE_IR_OPTIMIZER_CALLER_H_ +#define MINDSPORE_CORE_IR_OPTIMIZER_CALLER_H_ #include @@ -36,4 +36,4 @@ class OptimizerCaller { }; using OptimizerCallerPtr = std::shared_ptr; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_OPTIMIZER_CALLER_H_ +#endif // MINDSPORE_CORE_IR_OPTIMIZER_CALLER_H_ diff --git a/mindspore/core/ir/param_value.h b/mindspore/core/ir/param_value.h index 36026ce97fc..4701e13321e 100644 --- a/mindspore/core/ir/param_value.h +++ b/mindspore/core/ir/param_value.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_PARAM_VALUE_H_ -#define MINDSPORE_CCSRC_IR_PARAM_VALUE_H_ +#ifndef MINDSPORE_CORE_IR_PARAM_VALUE_H_ +#define MINDSPORE_CORE_IR_PARAM_VALUE_H_ #include #include @@ -84,4 +84,4 @@ class ParamValue { }; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_PARAM_VALUE_H_ +#endif // MINDSPORE_CORE_IR_PARAM_VALUE_H_ diff --git a/mindspore/core/ir/pattern_matcher.h b/mindspore/core/ir/pattern_matcher.h index 94ba4a381a2..ad8fa9f069a 100644 --- a/mindspore/core/ir/pattern_matcher.h +++ b/mindspore/core/ir/pattern_matcher.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_PATTERN_MATCHER_H_ -#define MINDSPORE_CCSRC_IR_PATTERN_MATCHER_H_ +#ifndef MINDSPORE_CORE_IR_PATTERN_MATCHER_H_ +#define MINDSPORE_CORE_IR_PATTERN_MATCHER_H_ #include #include @@ -307,4 +307,4 @@ BIN_OPERATION_PATTERN(operator*, prim::kPrimMul); } // namespace mindspore -#endif // #ifndef MINDSPORE_CCSRC_IR_PATTERN_MATCHER_H_ +#endif // MINDSPORE_CORE_IR_PATTERN_MATCHER_H_ diff --git a/mindspore/core/ir/primitive.h b/mindspore/core/ir/primitive.h index c00af419503..0dd3a656ee1 100644 --- a/mindspore/core/ir/primitive.h +++ b/mindspore/core/ir/primitive.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_PRIMITIVE_H_ -#define MINDSPORE_CCSRC_IR_PRIMITIVE_H_ +#ifndef MINDSPORE_CORE_IR_PRIMITIVE_H_ +#define MINDSPORE_CORE_IR_PRIMITIVE_H_ #include #include @@ -151,4 +151,4 @@ struct PrimitiveHasher { } }; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_PRIMITIVE_H_ +#endif // MINDSPORE_CORE_IR_PRIMITIVE_H_ diff --git a/mindspore/core/ir/primitive_py.h b/mindspore/core/ir/primitive_py.h index 01af9c530f4..539dead78ba 100644 --- a/mindspore/core/ir/primitive_py.h +++ b/mindspore/core/ir/primitive_py.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_PRIMITIVE_PY_H_ -#define MINDSPORE_CCSRC_IR_PRIMITIVE_PY_H_ +#ifndef MINDSPORE_CORE_IR_PRIMITIVE_PY_H_ +#define MINDSPORE_CORE_IR_PRIMITIVE_PY_H_ #include #include @@ -77,4 +77,4 @@ class PrimitivePy : public Primitive { using PrimitivePyPtr = std::shared_ptr; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_PRIMITIVE_PY_H_ +#endif // MINDSPORE_CORE_IR_PRIMITIVE_PY_H_ diff --git a/mindspore/core/ir/scalar.h b/mindspore/core/ir/scalar.h index adae8c65f9f..b814a4781d6 100644 --- a/mindspore/core/ir/scalar.h +++ b/mindspore/core/ir/scalar.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_SCALAR_H_ -#define MINDSPORE_CCSRC_IR_SCALAR_H_ +#ifndef MINDSPORE_CORE_IR_SCALAR_H_ +#define MINDSPORE_CORE_IR_SCALAR_H_ #include #include @@ -359,4 +359,4 @@ IMM_TRAITS(FP64ImmPtr, double) } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_SCALAR_H_ +#endif // MINDSPORE_CORE_IR_SCALAR_H_ diff --git a/mindspore/core/ir/signature.h b/mindspore/core/ir/signature.h index e9a5a2e1ca5..418546e93bb 100644 --- a/mindspore/core/ir/signature.h +++ b/mindspore/core/ir/signature.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_SIGNATURE_H_ -#define MINDSPORE_CCSRC_IR_SIGNATURE_H_ +#ifndef MINDSPORE_CORE_IR_SIGNATURE_H_ +#define MINDSPORE_CORE_IR_SIGNATURE_H_ #include #include @@ -66,4 +66,4 @@ struct Signature { }; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_SIGNATURE_H_ +#endif // MINDSPORE_CORE_IR_SIGNATURE_H_ diff --git a/mindspore/core/ir/tensor.h b/mindspore/core/ir/tensor.h index 727fb0fdd8f..d7d8da6039a 100644 --- a/mindspore/core/ir/tensor.h +++ b/mindspore/core/ir/tensor.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_TENSOR_H_ -#define MINDSPORE_CCSRC_IR_TENSOR_H_ +#ifndef MINDSPORE_CORE_IR_TENSOR_H_ +#define MINDSPORE_CORE_IR_TENSOR_H_ #include #include @@ -273,4 +273,4 @@ class Tensor : public MSTensor { } // namespace inference } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_TENSOR_H_ +#endif // MINDSPORE_CORE_IR_TENSOR_H_ diff --git a/mindspore/core/ir/tensor_py.h b/mindspore/core/ir/tensor_py.h index f917584977a..e4a0b9bac66 100644 --- a/mindspore/core/ir/tensor_py.h +++ b/mindspore/core/ir/tensor_py.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_TENSOR_PY_H_ -#define MINDSPORE_CCSRC_IR_TENSOR_PY_H_ +#ifndef MINDSPORE_CORE_IR_TENSOR_PY_H_ +#define MINDSPORE_CORE_IR_TENSOR_PY_H_ #include #include @@ -109,4 +109,4 @@ class TensorPy { } // namespace tensor } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_TENSOR_PY_H_ +#endif // MINDSPORE_CORE_IR_TENSOR_PY_H_ diff --git a/mindspore/core/ir/value.h b/mindspore/core/ir/value.h index 535de81adf0..02dd7ba5653 100644 --- a/mindspore/core/ir/value.h +++ b/mindspore/core/ir/value.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_VALUE_H_ -#define MINDSPORE_CCSRC_IR_VALUE_H_ +#ifndef MINDSPORE_CORE_IR_VALUE_H_ +#define MINDSPORE_CORE_IR_VALUE_H_ #include #include @@ -303,4 +303,4 @@ inline ValueNodePtr NewValueNode(const T &x) { } } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_VALUE_H_ +#endif // MINDSPORE_CORE_IR_VALUE_H_ diff --git a/mindspore/core/ir/visitor.h b/mindspore/core/ir/visitor.h index 6dcf28249af..b0bb733b6b1 100644 --- a/mindspore/core/ir/visitor.h +++ b/mindspore/core/ir/visitor.h @@ -14,8 +14,8 @@ * limitations under the License. */ -#ifndef MINDSPORE_CCSRC_IR_VISITOR_H_ -#define MINDSPORE_CCSRC_IR_VISITOR_H_ +#ifndef MINDSPORE_CORE_IR_VISITOR_H_ +#define MINDSPORE_CORE_IR_VISITOR_H_ #include #include "ir/optimizer_caller.h" @@ -32,4 +32,4 @@ class AnfVisitor : public OptimizerCaller { virtual ~AnfVisitor() = default; }; } // namespace mindspore -#endif // MINDSPORE_CCSRC_IR_VISITOR_H_ +#endif // MINDSPORE_CORE_IR_VISITOR_H_