├── .clang-format ├── .dockerignore ├── .gitignore ├── .lintrunner.toml ├── CONTRIBUTING.zh.md ├── CPPLINT.cfg ├── LICENSE ├── PYLINT.cfg ├── README.md ├── README.zh.md ├── cmake ├── Summary.cmake └── modules │ ├── FindCNCL.cmake │ ├── FindCNDEV.cmake │ ├── FindCNDRV.cmake │ ├── FindCNNL.cmake │ ├── FindCNNLExtra.cmake │ ├── FindCNPAPI.cmake │ ├── FindCNRT.cmake │ ├── FindMLUOP.cmake │ ├── Findpybind11.cmake │ └── Utils.cmake ├── codegen ├── README.md ├── __init__.py ├── dest │ ├── __init__.py │ └── gen_external_mlu.py ├── gen_mlu_stubs.py ├── mlu_functions.yaml └── templates │ ├── KernelFunctions.h │ ├── MLUFunctions.h │ ├── RegisterMLU.cpp │ └── version.cpp ├── examples ├── mlu_extension │ ├── README.md │ ├── mlu_custom_ext │ │ ├── __init__.py │ │ ├── extension.py │ │ ├── how_to_write_op_with_mlu_extension.md │ │ ├── ops │ │ │ ├── __init__.py │ │ │ └── custom_ops.py │ │ └── src │ │ │ ├── custom_sigmoid.cpp │ │ │ ├── custom_sigmoid.h │ │ │ └── mlu │ │ │ ├── bang_sigmoid_sample.h │ │ │ ├── bang_sigmoid_sample.mlu │ │ │ └── kernel.h │ ├── setup.py │ └── tests │ │ └── test_sigmoid.py └── training │ ├── multi_card_demo.py │ └── single_card_demo.py ├── pytorch_patches ├── README.md ├── commit_id ├── dataloader_counter_patch.diff ├── determin_pytorch_abi_version.diff ├── fix_comparison_op_bug.diff ├── fix_concat_and_pooling_performance_issue.diff ├── fix_pinmemory_bug.diff ├── handle_special_mlu_op.diff ├── support_autocast.diff ├── support_batch_norm_op.diff ├── support_capturable_optim.diff ├── support_cpu_fallback.diff ├── support_data_parallel.diff ├── support_dropout_to_reduce_transpose.diff ├── support_emit_cnpx.diff ├── support_floattensor.diff ├── support_grad_check.diff ├── support_large_tensor_test.diff ├── support_matmul_op.diff ├── support_mlu_amp.diff ├── support_mlu_dataloader.diff ├── support_mlu_ddp.diff ├── support_mlu_distributed.diff ├── support_mlu_engine.diff ├── support_mlu_hooks.diff ├── support_mlu_lazy_init.diff ├── support_mlu_pin_memory.diff ├── support_mlu_profiler.diff ├── support_mlu_repeat_backward.diff ├── support_mlu_svd_op.diff ├── support_onehot.diff ├── support_orig_test.diff ├── support_rnn_ops.diff ├── support_sdpa_with_privateuse.diff ├── support_shallow_copy_between_cpu_and_mlu.diff ├── support_storage.diff ├── support_tensor_iterator_bridge.diff ├── support_tf32_ctrl.diff ├── support_torchgen_optional_return_type.diff ├── third_party │ └── kineto │ │ └── support_mlu_kineto.diff └── torch_version_pin.diff ├── requirements.txt ├── scripts ├── apply_patches_to_pytorch.sh ├── build_catch.sh ├── build_catch_lib.sh ├── hooks │ ├── README │ └── pre-commit └── release │ ├── .dockerignore │ ├── README.md │ ├── build.property │ ├── catch_trim_files.sh │ ├── env_pytorch.sh │ ├── gen_cambricon_neuware_lib.sh │ ├── independent_build.sh │ ├── json_parser.py │ └── make_base_image.sh ├── setup.py ├── test ├── cnpx │ └── test_cnpx.py ├── codegen │ └── test_gen_mlu_stubs.py ├── common_utils.py ├── cpp_extension │ └── test_mlu_extension.py ├── custom_ops │ ├── boxes_iou_bev_data │ │ ├── boxes_iou_bev_0.npy │ │ ├── boxes_iou_bev_1.npy │ │ ├── boxes_iou_bev_10.npy │ │ ├── boxes_iou_bev_11.npy │ │ ├── boxes_iou_bev_12.npy │ │ ├── boxes_iou_bev_13.npy │ │ ├── boxes_iou_bev_14.npy │ │ ├── boxes_iou_bev_15.npy │ │ ├── boxes_iou_bev_2.npy │ │ ├── boxes_iou_bev_3.npy │ │ ├── boxes_iou_bev_4.npy │ │ ├── boxes_iou_bev_5.npy │ │ ├── boxes_iou_bev_6.npy │ │ ├── boxes_iou_bev_7.npy │ │ ├── boxes_iou_bev_8.npy │ │ └── boxes_iou_bev_9.npy │ ├── boxes_overlap_bev_data │ │ ├── boxes_overlap_a_1.npy │ │ ├── boxes_overlap_a_2.npy │ │ ├── boxes_overlap_a_3.npy │ │ ├── boxes_overlap_a_4.npy │ │ ├── boxes_overlap_a_5.npy │ │ ├── boxes_overlap_b_1.npy │ │ ├── boxes_overlap_b_2.npy │ │ ├── boxes_overlap_b_3.npy │ │ ├── boxes_overlap_b_4.npy │ │ ├── boxes_overlap_b_5.npy │ │ ├── overlaps_bev_1.npy │ │ ├── overlaps_bev_2.npy │ │ ├── overlaps_bev_3.npy │ │ ├── overlaps_bev_4.npy │ │ └── overlaps_bev_5.npy │ ├── test_amp_update_unscale.py │ ├── test_boxes_iou_bev.py │ ├── test_boxes_overlap_bev.py │ ├── test_dump.py │ ├── test_fused_adam.py │ ├── test_fused_l2_norm.py │ ├── test_fused_lamb.py │ ├── test_fused_sgd.py │ ├── test_masked_softmax_dropout.py │ ├── test_nms.py │ ├── test_nms3D.py │ ├── test_points_in_boxes_mlu.py │ ├── test_rnnt_loss.py │ └── test_voxel_pooling.py ├── distributed │ ├── test_distributed.py │ └── test_distributed_wrapper.py ├── distributions │ └── test_distributions.py ├── fallback │ └── test_fallback.py ├── mlu │ ├── test_amp.py │ ├── test_autograd.py │ ├── test_caching_allocator.py │ ├── test_device.py │ ├── test_event.py │ ├── test_lazy_init.py │ ├── test_mlu.py │ ├── test_stream.py │ └── test_tf32_ctrl.py ├── multiprocessing │ └── test_multiprocessing.py ├── optimizer │ ├── test_fused_adam.py │ ├── test_fused_lamb.py │ └── test_fused_sgd.py ├── perftool.md ├── perftool.py ├── profiler │ ├── test_config.json │ ├── test_kineto_tb_plugin.py │ ├── test_profiler.py │ ├── test_profiler_emit_cnpx.py │ ├── test_profiler_pmu.py │ ├── test_profiler_with_config.py │ ├── test_profiler_with_mlugraph.py │ ├── test_profiler_with_pmu_and_mlugraph.py │ └── utils.py ├── run_test.py ├── storage │ └── test_storage.py ├── torch │ ├── test_complex.py │ ├── test_dataloader.py │ ├── test_pin_memory.py │ ├── test_random.py │ ├── test_save_and_load.py │ └── test_set_default_type.py ├── torch_ops │ ├── ops_kernel_report_baseline │ │ ├── test_abs.json │ │ ├── test_adaptive_pooling.json │ │ ├── test_add.json │ │ ├── test_addbmm.json │ │ ├── test_addcdiv.json │ │ ├── test_addcmul.json │ │ ├── test_addmm.json │ │ ├── test_addmv.json │ │ ├── test_addr.json │ │ ├── test_alias.json │ │ ├── test_all.json │ │ ├── test_amax.json │ │ ├── test_amin.json │ │ ├── test_angle.json │ │ ├── test_any.json │ │ ├── test_arange.json │ │ ├── test_argmax.json │ │ ├── test_argmin.json │ │ ├── test_argsort.json │ │ ├── test_as_strided.json │ │ ├── test_atan2.json │ │ ├── test_baddbmm.json │ │ ├── test_batchnorm.json │ │ ├── test_bce.json │ │ ├── test_bce_with_logits.json │ │ ├── test_bernoulli.json │ │ ├── test_bincount.json │ │ ├── test_bitwise_and.json │ │ ├── test_bitwise_not.json │ │ ├── test_bitwise_or.json │ │ ├── test_bitwise_xor.json │ │ ├── test_bmm.json │ │ ├── test_cast.json │ │ ├── test_cat.json │ │ ├── test_cdist.json │ │ ├── test_ceil.json │ │ ├── test_chunk.json │ │ ├── test_clamp.json │ │ ├── test_clamp_max.json │ │ ├── test_clamp_min.json │ │ ├── test_clone.json │ │ ├── test_conj.json │ │ ├── test_constant_pad_nd.json │ │ ├── test_contiguous.json │ │ ├── test_conv1d.json │ │ ├── test_conv2d.json │ │ ├── test_conv3d.json │ │ ├── test_copy.json │ │ ├── test_cross.json │ │ ├── test_ctc_loss.json │ │ ├── test_cummin.json │ │ ├── test_cumprod.json │ │ ├── test_cumsum.json │ │ ├── test_deform_conv2d.json │ │ ├── test_det.json │ │ ├── test_diag.json │ │ ├── test_div.json │ │ ├── test_divide.json │ │ ├── test_dot.json │ │ ├── test_dropout.json │ │ ├── test_elu.json │ │ ├── test_embedding.json │ │ ├── test_embedding_bag.json │ │ ├── test_empty.json │ │ ├── test_empty_strided.json │ │ ├── test_eq.json │ │ ├── test_equal.json │ │ ├── test_erf.json │ │ ├── test_erfc.json │ │ ├── test_erfinv.json │ │ ├── test_exp.json │ │ ├── test_exp2.json │ │ ├── test_expand.json │ │ ├── test_expm1.json │ │ ├── test_exponential.json │ │ ├── test_eye.json │ │ ├── test_fill.json │ │ ├── test_fix.json │ │ ├── test_flip.json │ │ ├── test_floor.json │ │ ├── test_floor_divide.json │ │ ├── test_fmod.json │ │ ├── test_frac.json │ │ ├── test_full.json │ │ ├── test_gather.json │ │ ├── test_ge.json │ │ ├── test_gelu.json │ │ ├── test_ger.json │ │ ├── test_glu.json │ │ ├── test_grid_sampler.json │ │ ├── test_group_norm.json │ │ ├── test_gru_cell.json │ │ ├── test_gt.json │ │ ├── test_hardsigmoid.json │ │ ├── test_hardswish.json │ │ ├── test_hardtanh.json │ │ ├── test_histc.json │ │ ├── test_index.json │ │ ├── test_index_add.json │ │ ├── test_index_copy.json │ │ ├── test_index_fill.json │ │ ├── test_index_put.json │ │ ├── test_index_select.json │ │ ├── test_inverse.json │ │ ├── test_isfinite.json │ │ ├── test_isnan.json │ │ ├── test_item.json │ │ ├── test_kl_div.json │ │ ├── test_kthvalue.json │ │ ├── test_l1_loss.json │ │ ├── test_layer_norm.json │ │ ├── test_layer_norm_backward.json │ │ ├── test_le.json │ │ ├── test_leaky_relu.json │ │ ├── test_lerp.json │ │ ├── test_linalg_norm.json │ │ ├── test_linalg_vector_norm.json │ │ ├── test_linear.json │ │ ├── test_linspace.json │ │ ├── test_log.json │ │ ├── test_logaddexp.json │ │ ├── test_logdet.json │ │ ├── test_logical_and.json │ │ ├── test_logical_not.json │ │ ├── test_logical_or.json │ │ ├── test_logical_xor.json │ │ ├── test_logsigmoid.json │ │ ├── test_lstm.json │ │ ├── test_lstm_cell.json │ │ ├── test_lt.json │ │ ├── test_masked_fill.json │ │ ├── test_masked_scale.json │ │ ├── test_masked_scatter.json │ │ ├── test_masked_select.json │ │ ├── test_matmul.json │ │ ├── test_max.json │ │ ├── test_max_unpool2d.json │ │ ├── test_mean.json │ │ ├── test_median.json │ │ ├── test_min.json │ │ ├── test_mm.json │ │ ├── test_mse_loss.json │ │ ├── test_mul.json │ │ ├── test_multinomial.json │ │ ├── test_nan_to_num.json │ │ ├── test_nansum.json │ │ ├── test_narrow.json │ │ ├── test_ne.json │ │ ├── test_neg.json │ │ ├── test_nll_loss.json │ │ ├── test_nn_fold.json │ │ ├── test_nn_unfold.json │ │ ├── test_nonzero.json │ │ ├── test_norm.json │ │ ├── test_normal.json │ │ ├── test_ones.json │ │ ├── test_packed_lstm.json │ │ ├── test_permute.json │ │ ├── test_polar.json │ │ ├── test_pooling.json │ │ ├── test_poolingbp.json │ │ ├── test_pow.json │ │ ├── test_prelu.json │ │ ├── test_prod.json │ │ ├── test_put.json │ │ ├── test_qr.json │ │ ├── test_randint.json │ │ ├── test_randn.json │ │ ├── test_randn_like.json │ │ ├── test_randperm.json │ │ ├── test_reciprocal.json │ │ ├── test_reflection_pad.json │ │ ├── test_relu.json │ │ ├── test_remainder.json │ │ ├── test_repeat.json │ │ ├── test_repeat_interleave.json │ │ ├── test_replication_pad.json │ │ ├── test_reshape.json │ │ ├── test_rnn_gru.json │ │ ├── test_rnn_utils.json │ │ ├── test_roialign.json │ │ ├── test_roll.json │ │ ├── test_round.json │ │ ├── test_rrelu.json │ │ ├── test_rsqrt.json │ │ ├── test_scatter.json │ │ ├── test_scatter_add.json │ │ ├── test_select.json │ │ ├── test_selu.json │ │ ├── test_set.json │ │ ├── test_sgn.json │ │ ├── test_shift.json │ │ ├── test_sigmoid.json │ │ ├── test_sign.json │ │ ├── test_silu.json │ │ ├── test_skip_init.json │ │ ├── test_slice.json │ │ ├── test_slogdet.json │ │ ├── test_smooth_l1_loss.json │ │ ├── test_softmax.json │ │ ├── test_softplus.json │ │ ├── test_sort.json │ │ ├── test_spectral_ops.json │ │ ├── test_split.json │ │ ├── test_sqrt.json │ │ ├── test_squeeze.json │ │ ├── test_stack.json │ │ ├── test_std.json │ │ ├── test_sub.json │ │ ├── test_sum.json │ │ ├── test_svd.json │ │ ├── test_syncbn.json │ │ ├── test_take.json │ │ ├── test_tanh.json │ │ ├── test_threshold.json │ │ ├── test_topk.json │ │ ├── test_trace.json │ │ ├── test_transpose.json │ │ ├── test_trigon.json │ │ ├── test_tril.json │ │ ├── test_triu.json │ │ ├── test_trunc.json │ │ ├── test_unbind.json │ │ ├── test_unfold.json │ │ ├── test_uniform.json │ │ ├── test_unique.json │ │ ├── test_unique_consecutive.json │ │ ├── test_unsqueeze.json │ │ ├── test_upsample_bicubic2d.json │ │ ├── test_upsample_bilinear2d.json │ │ ├── test_upsample_linear1d.json │ │ ├── test_upsample_nearest1d.json │ │ ├── test_upsample_nearest2d.json │ │ ├── test_upsample_trilinear3d.json │ │ ├── test_var.json │ │ ├── test_view.json │ │ ├── test_view_as_complex.json │ │ ├── test_view_as_real.json │ │ ├── test_weight_norm.json │ │ ├── test_where.json │ │ ├── test_xlogy.json │ │ └── test_zeros.json │ ├── test_abs.py │ ├── test_adaptive_pooling.py │ ├── test_add.py │ ├── test_addbmm.py │ ├── test_addcdiv.py │ ├── test_addcmul.py │ ├── test_addmm.py │ ├── test_addmv.py │ ├── test_addr.py │ ├── test_alias.py │ ├── test_all.py │ ├── test_amax.py │ ├── test_amin.py │ ├── test_angle.py │ ├── test_any.py │ ├── test_arange.py │ ├── test_argmax.py │ ├── test_argmin.py │ ├── test_argsort.py │ ├── test_as_strided.py │ ├── test_atan2.py │ ├── test_baddbmm.py │ ├── test_batchnorm.py │ ├── test_bce.py │ ├── test_bce_with_logits.py │ ├── test_bernoulli.py │ ├── test_bincount.py │ ├── test_bitwise_and.py │ ├── test_bitwise_not.py │ ├── test_bitwise_or.py │ ├── test_bitwise_xor.py │ ├── test_bmm.py │ ├── test_cast.py │ ├── test_cat.py │ ├── test_cdist.py │ ├── test_ceil.py │ ├── test_chunk.py │ ├── test_clamp.py │ ├── test_clamp_max.py │ ├── test_clamp_min.py │ ├── test_clone.py │ ├── test_conj.py │ ├── test_constant_pad_nd.py │ ├── test_contiguous.py │ ├── test_conv1d.py │ ├── test_conv2d.py │ ├── test_conv3d.py │ ├── test_copy.py │ ├── test_count_nonzero.py │ ├── test_cross.py │ ├── test_ctc_loss.py │ ├── test_cummax.py │ ├── test_cummin.py │ ├── test_cumprod.py │ ├── test_cumsum.py │ ├── test_deform_conv2d.py │ ├── test_det.py │ ├── test_diag.py │ ├── test_distributions.py │ ├── test_div.py │ ├── test_divide.py │ ├── test_dot.py │ ├── test_dropout.py │ ├── test_elu.py │ ├── test_embedding.py │ ├── test_embedding_bag.py │ ├── test_empty.py │ ├── test_empty_strided.py │ ├── test_eq.py │ ├── test_equal.py │ ├── test_erf.py │ ├── test_erfc.py │ ├── test_erfinv.py │ ├── test_exp.py │ ├── test_exp2.py │ ├── test_expand.py │ ├── test_expm1.py │ ├── test_exponential.py │ ├── test_eye.py │ ├── test_fill.py │ ├── test_fix.py │ ├── test_flip.py │ ├── test_floor.py │ ├── test_floor_divide.py │ ├── test_fmod.py │ ├── test_frac.py │ ├── test_full.py │ ├── test_gather.py │ ├── test_ge.py │ ├── test_gelu.py │ ├── test_ger.py │ ├── test_glu.py │ ├── test_grid_sampler.py │ ├── test_group_norm.py │ ├── test_gru_cell.py │ ├── test_gt.py │ ├── test_hardshrink.py │ ├── test_hardsigmoid.py │ ├── test_hardswish.py │ ├── test_hardtanh.py │ ├── test_histc.py │ ├── test_index.py │ ├── test_index_add.py │ ├── test_index_copy.py │ ├── test_index_fill.py │ ├── test_index_put.py │ ├── test_index_select.py │ ├── test_inverse.py │ ├── test_isfinite.py │ ├── test_isin.py │ ├── test_isnan.py │ ├── test_item.py │ ├── test_kl_div.py │ ├── test_kthvalue.py │ ├── test_l1_loss.py │ ├── test_layer_norm.py │ ├── test_layer_norm_backward.py │ ├── test_le.py │ ├── test_leaky_relu.py │ ├── test_lerp.py │ ├── test_linalg_norm.py │ ├── test_linalg_vector_norm.py │ ├── test_linear.py │ ├── test_linspace.py │ ├── test_log.py │ ├── test_logaddexp.py │ ├── test_logaddexp2.py │ ├── test_logdet.py │ ├── test_logical_and.py │ ├── test_logical_not.py │ ├── test_logical_or.py │ ├── test_logical_xor.py │ ├── test_logsigmoid.py │ ├── test_lstm.py │ ├── test_lstm_cell.py │ ├── test_lt.py │ ├── test_masked_fill.py │ ├── test_masked_scale.py │ ├── test_masked_scatter.py │ ├── test_masked_select.py │ ├── test_matmul.py │ ├── test_max.py │ ├── test_max_unpool2d.py │ ├── test_mean.py │ ├── test_median.py │ ├── test_min.py │ ├── test_mm.py │ ├── test_mse_loss.py │ ├── test_mul.py │ ├── test_multinomial.py │ ├── test_nan_to_num.py │ ├── test_nansum.py │ ├── test_narrow.py │ ├── test_ne.py │ ├── test_neg.py │ ├── test_nll_loss.py │ ├── test_nn_fold.py │ ├── test_nn_unfold.py │ ├── test_nonzero.py │ ├── test_norm.py │ ├── test_normal.py │ ├── test_ones.py │ ├── test_packed_lstm.py │ ├── test_permute.py │ ├── test_polar.py │ ├── test_pooling.py │ ├── test_poolingbp.py │ ├── test_pow.py │ ├── test_prelu.py │ ├── test_prod.py │ ├── test_put.py │ ├── test_qr.py │ ├── test_randint.py │ ├── test_randn.py │ ├── test_randn_like.py │ ├── test_randperm.py │ ├── test_reciprocal.py │ ├── test_reflection_pad.py │ ├── test_relu.py │ ├── test_remainder.py │ ├── test_repeat.py │ ├── test_repeat_interleave.py │ ├── test_replication_pad.py │ ├── test_reshape.py │ ├── test_rnn_gru.py │ ├── test_rnn_utils.py │ ├── test_roialign.py │ ├── test_roll.py │ ├── test_round.py │ ├── test_rrelu.py │ ├── test_rsqrt.py │ ├── test_scaled_dot_product_attention.py │ ├── test_scatter.py │ ├── test_scatter_add.py │ ├── test_scatter_reduce.py │ ├── test_select.py │ ├── test_selu.py │ ├── test_set.py │ ├── test_sgn.py │ ├── test_shift.py │ ├── test_sigmoid.py │ ├── test_sign.py │ ├── test_silu.py │ ├── test_skip_init.py │ ├── test_slice.py │ ├── test_slogdet.py │ ├── test_smooth_l1_loss.py │ ├── test_softmax.py │ ├── test_softplus.py │ ├── test_softshrink.py │ ├── test_sort.py │ ├── test_spectral_ops.py │ ├── test_split.py │ ├── test_sqrt.py │ ├── test_squeeze.py │ ├── test_stack.py │ ├── test_std.py │ ├── test_sub.py │ ├── test_sum.py │ ├── test_svd.py │ ├── test_syncbn.py │ ├── test_take.py │ ├── test_tanh.py │ ├── test_threshold.py │ ├── test_topk.py │ ├── test_trace.py │ ├── test_transpose.py │ ├── test_trigon.py │ ├── test_tril.py │ ├── test_triu.py │ ├── test_trunc.py │ ├── test_unbind.py │ ├── test_unfold.py │ ├── test_uniform.py │ ├── test_unique.py │ ├── test_unique_consecutive.py │ ├── test_unsqueeze.py │ ├── test_upsample_bicubic2d.py │ ├── test_upsample_bilinear2d.py │ ├── test_upsample_linear1d.py │ ├── test_upsample_nearest1d.py │ ├── test_upsample_nearest2d.py │ ├── test_upsample_trilinear3d.py │ ├── test_var.py │ ├── test_view.py │ ├── test_view_as_complex.py │ ├── test_view_as_real.py │ ├── test_weight_norm.py │ ├── test_where.py │ ├── test_xlogy.py │ └── test_zeros.py ├── utils │ ├── test_cnnl_op_exception.py │ ├── test_collect_env.py │ ├── test_counter.py │ ├── test_distributed_timer.py │ ├── test_dumptool.py │ ├── test_fakecase_print_log.py │ ├── test_gpu_migration.py │ ├── test_torch_gpu2mlu.py │ └── test_utils.py └── view_chain │ ├── test_close_view_chain.py │ ├── test_close_view_chain_fuser.py │ ├── test_multiline_views_graph.py │ ├── test_print_view_chain.py │ ├── test_residualway_views_graph.py │ ├── test_singleline_views_graph.py │ └── test_view_chain.py ├── third_party ├── googletest │ ├── CMakeLists.txt │ ├── README.md │ ├── cmake │ │ ├── Config.cmake.in │ │ ├── gtest.pc.in │ │ ├── gtest_main.pc.in │ │ ├── internal_utils.cmake │ │ └── libgtest.la.in │ ├── docs │ │ └── README.md │ ├── include │ │ └── gtest │ │ │ ├── gtest-death-test.h │ │ │ ├── gtest-matchers.h │ │ │ ├── gtest-message.h │ │ │ ├── gtest-param-test.h │ │ │ ├── gtest-printers.h │ │ │ ├── gtest-spi.h │ │ │ ├── gtest-test-part.h │ │ │ ├── gtest-typed-test.h │ │ │ ├── gtest.h │ │ │ ├── gtest_pred_impl.h │ │ │ ├── gtest_prod.h │ │ │ └── internal │ │ │ ├── custom │ │ │ ├── README.md │ │ │ ├── gtest-port.h │ │ │ ├── gtest-printers.h │ │ │ └── gtest.h │ │ │ ├── gtest-death-test-internal.h │ │ │ ├── gtest-filepath.h │ │ │ ├── gtest-internal.h │ │ │ ├── gtest-param-util.h │ │ │ ├── gtest-port-arch.h │ │ │ ├── gtest-port.h │ │ │ ├── gtest-string.h │ │ │ └── gtest-type-util.h │ ├── samples │ │ ├── prime_tables.h │ │ ├── sample1.cc │ │ ├── sample1.h │ │ ├── sample10_unittest.cc │ │ ├── sample1_unittest.cc │ │ ├── sample2.cc │ │ ├── sample2.h │ │ ├── sample2_unittest.cc │ │ ├── sample3-inl.h │ │ ├── sample3_unittest.cc │ │ ├── sample4.cc │ │ ├── sample4.h │ │ ├── sample4_unittest.cc │ │ ├── sample5_unittest.cc │ │ ├── sample6_unittest.cc │ │ ├── sample7_unittest.cc │ │ ├── sample8_unittest.cc │ │ └── sample9_unittest.cc │ ├── scripts │ │ ├── README.md │ │ ├── common.py │ │ ├── fuse_gtest_files.py │ │ ├── gen_gtest_pred_impl.py │ │ ├── gtest-config.in │ │ ├── release_docs.py │ │ ├── run_with_path.py │ │ ├── test │ │ │ └── Makefile │ │ ├── upload.py │ │ └── upload_gtest.py │ ├── src │ │ ├── gtest-all.cc │ │ ├── gtest-death-test.cc │ │ ├── gtest-filepath.cc │ │ ├── gtest-internal-inl.h │ │ ├── gtest-matchers.cc │ │ ├── gtest-port.cc │ │ ├── gtest-printers.cc │ │ ├── gtest-test-part.cc │ │ ├── gtest-typed-test.cc │ │ ├── gtest.cc │ │ └── gtest_main.cc │ └── test │ │ ├── BUILD.bazel │ │ ├── googletest-break-on-failure-unittest.py │ │ ├── googletest-break-on-failure-unittest_.cc │ │ ├── googletest-catch-exceptions-test.py │ │ ├── googletest-catch-exceptions-test_.cc │ │ ├── googletest-color-test.py │ │ ├── googletest-color-test_.cc │ │ ├── googletest-death-test-test.cc │ │ ├── googletest-death-test_ex_test.cc │ │ ├── googletest-env-var-test.py │ │ ├── googletest-env-var-test_.cc │ │ ├── googletest-failfast-unittest.py │ │ ├── googletest-failfast-unittest_.cc │ │ ├── googletest-filepath-test.cc │ │ ├── googletest-filter-unittest.py │ │ ├── googletest-filter-unittest_.cc │ │ ├── googletest-global-environment-unittest.py │ │ ├── googletest-global-environment-unittest_.cc │ │ ├── googletest-json-outfiles-test.py │ │ ├── googletest-json-output-unittest.py │ │ ├── googletest-list-tests-unittest.py │ │ ├── googletest-list-tests-unittest_.cc │ │ ├── googletest-listener-test.cc │ │ ├── googletest-message-test.cc │ │ ├── googletest-options-test.cc │ │ ├── googletest-output-test-golden-lin.txt │ │ ├── googletest-output-test.py │ │ ├── googletest-output-test_.cc │ │ ├── googletest-param-test-invalid-name1-test.py │ │ ├── googletest-param-test-invalid-name1-test_.cc │ │ ├── googletest-param-test-invalid-name2-test.py │ │ ├── googletest-param-test-invalid-name2-test_.cc │ │ ├── googletest-param-test-test.cc │ │ ├── googletest-param-test-test.h │ │ ├── googletest-param-test2-test.cc │ │ ├── googletest-port-test.cc │ │ ├── googletest-printers-test.cc │ │ ├── googletest-setuptestsuite-test.py │ │ ├── googletest-setuptestsuite-test_.cc │ │ ├── googletest-shuffle-test.py │ │ ├── googletest-shuffle-test_.cc │ │ ├── googletest-test-part-test.cc │ │ ├── googletest-throw-on-failure-test.py │ │ ├── googletest-throw-on-failure-test_.cc │ │ ├── googletest-uninitialized-test.py │ │ ├── googletest-uninitialized-test_.cc │ │ ├── gtest-typed-test2_test.cc │ │ ├── gtest-typed-test_test.cc │ │ ├── gtest-typed-test_test.h │ │ ├── gtest-unittest-api_test.cc │ │ ├── gtest_all_test.cc │ │ ├── gtest_assert_by_exception_test.cc │ │ ├── gtest_environment_test.cc │ │ ├── gtest_help_test.py │ │ ├── gtest_help_test_.cc │ │ ├── gtest_json_test_utils.py │ │ ├── gtest_list_output_unittest.py │ │ ├── gtest_list_output_unittest_.cc │ │ ├── gtest_main_unittest.cc │ │ ├── gtest_no_test_unittest.cc │ │ ├── gtest_pred_impl_unittest.cc │ │ ├── gtest_premature_exit_test.cc │ │ ├── gtest_prod_test.cc │ │ ├── gtest_repeat_test.cc │ │ ├── gtest_skip_check_output_test.py │ │ ├── gtest_skip_environment_check_output_test.py │ │ ├── gtest_skip_in_environment_setup_test.cc │ │ ├── gtest_skip_test.cc │ │ ├── gtest_sole_header_test.cc │ │ ├── gtest_stress_test.cc │ │ ├── gtest_test_macro_stack_footprint_test.cc │ │ ├── gtest_test_utils.py │ │ ├── gtest_testbridge_test.py │ │ ├── gtest_testbridge_test_.cc │ │ ├── gtest_throw_on_failure_ex_test.cc │ │ ├── gtest_unittest.cc │ │ ├── gtest_xml_outfile1_test_.cc │ │ ├── gtest_xml_outfile2_test_.cc │ │ ├── gtest_xml_outfiles_test.py │ │ ├── gtest_xml_output_unittest.py │ │ ├── gtest_xml_output_unittest_.cc │ │ ├── gtest_xml_test_utils.py │ │ ├── production.cc │ │ └── production.h └── kineto_mlu │ ├── CODE_OF_CONDUCT.md │ ├── CONTRIBUTING.md │ ├── LICENSE │ ├── README.md │ ├── libkineto │ ├── CMakeLists.txt │ ├── README.md │ ├── include │ │ ├── AbstractConfig.h │ │ ├── ActivityProfilerInterface.h │ │ ├── ActivityTraceInterface.h │ │ ├── ActivityType.h │ │ ├── ClientInterface.h │ │ ├── CnpapiCallbackManager.h │ │ ├── Config.h │ │ ├── GenericTraceActivity.h │ │ ├── IActivityProfiler.h │ │ ├── ILoggerObserver.h │ │ ├── ITraceActivity.h │ │ ├── ThreadUtil.h │ │ ├── TraceSpan.h │ │ ├── cnpapi_addition.h │ │ ├── libkineto.h │ │ ├── profile_mlu.h │ │ └── time_since_epoch.h │ ├── libkineto_defs.bzl │ ├── sample_programs │ │ ├── kineto_cupti_profiler.cpp │ │ ├── kineto_playground.cpp │ │ ├── kineto_playground.cu │ │ ├── kineto_playground.cuh │ │ ├── kineto_stress_test.cpp │ │ ├── random_ops_stress_test.cu │ │ └── random_ops_stress_test.cuh │ ├── src │ │ ├── AbstractConfig.cpp │ │ ├── ActivityBuffers.h │ │ ├── ActivityLoggerFactory.h │ │ ├── ActivityProfilerController.cpp │ │ ├── ActivityProfilerController.h │ │ ├── ActivityProfilerProxy.cpp │ │ ├── ActivityProfilerProxy.h │ │ ├── ActivityTrace.h │ │ ├── ActivityType.cpp │ │ ├── ApiListCommon.cpp │ │ ├── ApiListCommon.h │ │ ├── CnpapiActivity.h │ │ ├── CnpapiActivity.tpp │ │ ├── CnpapiActivityApi.cpp │ │ ├── CnpapiActivityApi.h │ │ ├── CnpapiActivityBuffer.h │ │ ├── CnpapiActivityPlatform.cpp │ │ ├── CnpapiActivityPlatform.h │ │ ├── CnpapiActivityProfiler.cpp │ │ ├── CnpapiActivityProfiler.h │ │ ├── CnpapiCallbackManager.cpp │ │ ├── CnpapiPmuApi.cpp │ │ ├── CnpapiPmuApi.h │ │ ├── CnpapiRecord.h │ │ ├── CnpapiResourceApi.cpp │ │ ├── CnpapiResourceApi.h │ │ ├── Config.cpp │ │ ├── ConfigLoader.cpp │ │ ├── ConfigLoader.h │ │ ├── CuptiCallbackApi.cpp │ │ ├── CuptiCallbackApi.h │ │ ├── CuptiCallbackApiMock.h │ │ ├── CuptiEventApi.cpp │ │ ├── CuptiEventApi.h │ │ ├── CuptiMetricApi.cpp │ │ ├── CuptiMetricApi.h │ │ ├── CuptiNvPerfMetric.cpp │ │ ├── CuptiNvPerfMetric.h │ │ ├── CuptiRangeProfiler.cpp │ │ ├── CuptiRangeProfiler.h │ │ ├── CuptiRangeProfilerApi.cpp │ │ ├── CuptiRangeProfilerApi.h │ │ ├── CuptiRangeProfilerConfig.cpp │ │ ├── CuptiRangeProfilerConfig.h │ │ ├── DaemonConfigLoader.h │ │ ├── Demangle.cpp │ │ ├── Demangle.h │ │ ├── EventProfiler.cpp │ │ ├── EventProfiler.h │ │ ├── EventProfilerController.cpp │ │ ├── EventProfilerController.h │ │ ├── GenericTraceActivity.cpp │ │ ├── ILoggerObserver.cpp │ │ ├── Logger.cpp │ │ ├── Logger.h │ │ ├── LoggerCollector.h │ │ ├── MluDeviceProperties.cpp │ │ ├── MluDeviceProperties.h │ │ ├── SampleListener.h │ │ ├── ScopeExit.h │ │ ├── ThreadUtil.cpp │ │ ├── TimeGapCleaner.cpp │ │ ├── TimeGapCleaner.h │ │ ├── WeakSymbols.cpp │ │ ├── cnpapi_call.h │ │ ├── cnpapi_strings.cpp │ │ ├── cnpapi_strings.h │ │ ├── init.cpp │ │ ├── libkineto_api.cpp │ │ ├── mlu_call.h │ │ ├── output_base.h │ │ ├── output_csv.cpp │ │ ├── output_csv.h │ │ ├── output_json.cpp │ │ ├── output_json.h │ │ ├── output_membuf.h │ │ └── profile_mlu.cpp │ ├── test │ │ ├── CMakeLists.txt │ │ ├── CnpapiActivityProfilerTest.cpp │ │ ├── CnpapiCallbackManagerTest.cpp │ │ ├── CnpapiStringsTest.cpp │ │ ├── ConfigTest.cpp │ │ ├── CuptiActivityProfilerTest.cpp │ │ ├── CuptiCallbackApiTest.cpp │ │ ├── CuptiProfilerApiTest.cu │ │ ├── CuptiRangeProfilerApiTest.cpp │ │ ├── CuptiRangeProfilerConfigTest.cpp │ │ ├── CuptiRangeProfilerTest.cpp │ │ ├── CuptiRangeProfilerTestUtil.h │ │ ├── CuptiStringsTest.cpp │ │ ├── EventProfilerTest.cpp │ │ ├── LoggerObserverTest.cpp │ │ ├── MockActivitySubProfiler.cpp │ │ ├── MockActivitySubProfiler.h │ │ ├── PidInfoTest.cpp │ │ └── README.md │ └── third_party │ │ ├── fmt │ │ ├── .clang-format │ │ ├── CMakeLists.txt │ │ ├── CONTRIBUTING.md │ │ ├── ChangeLog.rst │ │ ├── LICENSE.rst │ │ ├── README.rst │ │ ├── doc │ │ │ ├── CMakeLists.txt │ │ │ ├── _static │ │ │ │ ├── bootstrap.min.js │ │ │ │ ├── breathe.css │ │ │ │ └── fonts │ │ │ │ │ ├── glyphicons-halflings-regular.eot │ │ │ │ │ ├── glyphicons-halflings-regular.svg │ │ │ │ │ ├── glyphicons-halflings-regular.ttf │ │ │ │ │ └── glyphicons-halflings-regular.woff │ │ │ ├── _templates │ │ │ │ ├── layout.html │ │ │ │ └── search.html │ │ │ ├── api.rst │ │ │ ├── basic-bootstrap │ │ │ │ ├── README │ │ │ │ ├── layout.html │ │ │ │ └── theme.conf │ │ │ ├── bootstrap │ │ │ │ ├── alerts.less │ │ │ │ ├── badges.less │ │ │ │ ├── bootstrap.less │ │ │ │ ├── breadcrumbs.less │ │ │ │ ├── button-groups.less │ │ │ │ ├── buttons.less │ │ │ │ ├── carousel.less │ │ │ │ ├── close.less │ │ │ │ ├── code.less │ │ │ │ ├── component-animations.less │ │ │ │ ├── dropdowns.less │ │ │ │ ├── forms.less │ │ │ │ ├── glyphicons.less │ │ │ │ ├── grid.less │ │ │ │ ├── input-groups.less │ │ │ │ ├── jumbotron.less │ │ │ │ ├── labels.less │ │ │ │ ├── list-group.less │ │ │ │ ├── media.less │ │ │ │ ├── mixins.less │ │ │ │ ├── mixins │ │ │ │ │ ├── alerts.less │ │ │ │ │ ├── background-variant.less │ │ │ │ │ ├── border-radius.less │ │ │ │ │ ├── buttons.less │ │ │ │ │ ├── center-block.less │ │ │ │ │ ├── clearfix.less │ │ │ │ │ ├── forms.less │ │ │ │ │ ├── gradients.less │ │ │ │ │ ├── grid-framework.less │ │ │ │ │ ├── grid.less │ │ │ │ │ ├── hide-text.less │ │ │ │ │ ├── image.less │ │ │ │ │ ├── labels.less │ │ │ │ │ ├── list-group.less │ │ │ │ │ ├── nav-divider.less │ │ │ │ │ ├── nav-vertical-align.less │ │ │ │ │ ├── opacity.less │ │ │ │ │ ├── pagination.less │ │ │ │ │ ├── panels.less │ │ │ │ │ ├── progress-bar.less │ │ │ │ │ ├── reset-filter.less │ │ │ │ │ ├── resize.less │ │ │ │ │ ├── responsive-visibility.less │ │ │ │ │ ├── size.less │ │ │ │ │ ├── tab-focus.less │ │ │ │ │ ├── table-row.less │ │ │ │ │ ├── text-emphasis.less │ │ │ │ │ ├── text-overflow.less │ │ │ │ │ └── vendor-prefixes.less │ │ │ │ ├── modals.less │ │ │ │ ├── navbar.less │ │ │ │ ├── navs.less │ │ │ │ ├── normalize.less │ │ │ │ ├── pager.less │ │ │ │ ├── pagination.less │ │ │ │ ├── panels.less │ │ │ │ ├── popovers.less │ │ │ │ ├── print.less │ │ │ │ ├── progress-bars.less │ │ │ │ ├── responsive-embed.less │ │ │ │ ├── responsive-utilities.less │ │ │ │ ├── scaffolding.less │ │ │ │ ├── tables.less │ │ │ │ ├── theme.less │ │ │ │ ├── thumbnails.less │ │ │ │ ├── tooltip.less │ │ │ │ ├── type.less │ │ │ │ ├── utilities.less │ │ │ │ ├── variables.less │ │ │ │ └── wells.less │ │ │ ├── build.py │ │ │ ├── conf.py │ │ │ ├── contents.rst │ │ │ ├── fmt.less │ │ │ ├── index.rst │ │ │ ├── python-license.txt │ │ │ ├── syntax.rst │ │ │ └── usage.rst │ │ ├── include │ │ │ └── fmt │ │ │ │ ├── args.h │ │ │ │ ├── chrono.h │ │ │ │ ├── color.h │ │ │ │ ├── compile.h │ │ │ │ ├── core.h │ │ │ │ ├── format-inl.h │ │ │ │ ├── format.h │ │ │ │ ├── os.h │ │ │ │ ├── ostream.h │ │ │ │ ├── printf.h │ │ │ │ ├── ranges.h │ │ │ │ ├── std.h │ │ │ │ └── xchar.h │ │ ├── src │ │ │ ├── fmt.cc │ │ │ ├── format.cc │ │ │ └── os.cc │ │ ├── support │ │ │ ├── Android.mk │ │ │ ├── AndroidManifest.xml │ │ │ ├── C++.sublime-syntax │ │ │ ├── README │ │ │ ├── Vagrantfile │ │ │ ├── bazel │ │ │ │ ├── .bazelversion │ │ │ │ ├── BUILD.bazel │ │ │ │ ├── README.md │ │ │ │ └── WORKSPACE.bazel │ │ │ ├── build-docs.py │ │ │ ├── build.gradle │ │ │ ├── cmake │ │ │ │ ├── FindSetEnv.cmake │ │ │ │ ├── JoinPaths.cmake │ │ │ │ ├── fmt-config.cmake.in │ │ │ │ └── fmt.pc.in │ │ │ ├── compute-powers.py │ │ │ ├── docopt.py │ │ │ ├── manage.py │ │ │ ├── printable.py │ │ │ ├── rst2md.py │ │ │ └── rtd │ │ │ │ ├── conf.py │ │ │ │ ├── index.rst │ │ │ │ └── theme │ │ │ │ ├── layout.html │ │ │ │ └── theme.conf │ │ └── test │ │ │ ├── CMakeLists.txt │ │ │ ├── add-subdirectory-test │ │ │ ├── CMakeLists.txt │ │ │ └── main.cc │ │ │ ├── args-test.cc │ │ │ ├── assert-test.cc │ │ │ ├── chrono-test.cc │ │ │ ├── color-test.cc │ │ │ ├── compile-error-test │ │ │ └── CMakeLists.txt │ │ │ ├── compile-fp-test.cc │ │ │ ├── compile-test.cc │ │ │ ├── core-test.cc │ │ │ ├── cuda-test │ │ │ ├── CMakeLists.txt │ │ │ ├── cpp14.cc │ │ │ └── cuda-cpp14.cu │ │ │ ├── detect-stdfs.cc │ │ │ ├── enforce-checks-test.cc │ │ │ ├── find-package-test │ │ │ ├── CMakeLists.txt │ │ │ └── main.cc │ │ │ ├── format-impl-test.cc │ │ │ ├── format-test.cc │ │ │ ├── fuzzing │ │ │ ├── .gitignore │ │ │ ├── CMakeLists.txt │ │ │ ├── README.md │ │ │ ├── build.sh │ │ │ ├── chrono-duration.cc │ │ │ ├── chrono-timepoint.cc │ │ │ ├── float.cc │ │ │ ├── fuzzer-common.h │ │ │ ├── main.cc │ │ │ ├── named-arg.cc │ │ │ ├── one-arg.cc │ │ │ └── two-args.cc │ │ │ ├── gtest-extra-test.cc │ │ │ ├── gtest-extra.cc │ │ │ ├── gtest-extra.h │ │ │ ├── gtest │ │ │ ├── .clang-format │ │ │ ├── CMakeLists.txt │ │ │ ├── gmock-gtest-all.cc │ │ │ ├── gmock │ │ │ │ └── gmock.h │ │ │ └── gtest │ │ │ │ ├── gtest-spi.h │ │ │ │ └── gtest.h │ │ │ ├── header-only-test.cc │ │ │ ├── mock-allocator.h │ │ │ ├── module-test.cc │ │ │ ├── noexception-test.cc │ │ │ ├── os-test.cc │ │ │ ├── ostream-test.cc │ │ │ ├── posix-mock-test.cc │ │ │ ├── posix-mock.h │ │ │ ├── printf-test.cc │ │ │ ├── ranges-odr-test.cc │ │ │ ├── ranges-test.cc │ │ │ ├── scan-test.cc │ │ │ ├── scan.h │ │ │ ├── static-export-test │ │ │ ├── CMakeLists.txt │ │ │ ├── library.cc │ │ │ └── main.cc │ │ │ ├── std-test.cc │ │ │ ├── test-assert.h │ │ │ ├── test-main.cc │ │ │ ├── unicode-test.cc │ │ │ ├── util.cc │ │ │ ├── util.h │ │ │ └── xchar-test.cc │ │ ├── googletest │ │ ├── .clang-format │ │ ├── .travis.yml │ │ ├── BUILD.bazel │ │ ├── CMakeLists.txt │ │ ├── CONTRIBUTING.md │ │ ├── LICENSE │ │ ├── README.md │ │ ├── WORKSPACE │ │ ├── appveyor.yml │ │ ├── ci │ │ │ ├── build-linux-bazel.sh │ │ │ ├── build-platformio.sh │ │ │ ├── env-linux.sh │ │ │ ├── env-osx.sh │ │ │ ├── get-nprocessors.sh │ │ │ ├── install-linux.sh │ │ │ ├── install-osx.sh │ │ │ ├── install-platformio.sh │ │ │ ├── log-config.sh │ │ │ └── travis.sh │ │ ├── googlemock │ │ │ ├── CMakeLists.txt │ │ │ ├── CONTRIBUTORS │ │ │ ├── LICENSE │ │ │ ├── README.md │ │ │ ├── cmake │ │ │ │ ├── gmock.pc.in │ │ │ │ └── gmock_main.pc.in │ │ │ ├── docs │ │ │ │ ├── cheat_sheet.md │ │ │ │ ├── community_created_documentation.md │ │ │ │ ├── cook_book.md │ │ │ │ ├── for_dummies.md │ │ │ │ ├── gmock_faq.md │ │ │ │ └── pump_manual.md │ │ │ ├── include │ │ │ │ └── gmock │ │ │ │ │ ├── gmock-actions.h │ │ │ │ │ ├── gmock-cardinalities.h │ │ │ │ │ ├── gmock-function-mocker.h │ │ │ │ │ ├── gmock-generated-actions.h │ │ │ │ │ ├── gmock-generated-actions.h.pump │ │ │ │ │ ├── gmock-matchers.h │ │ │ │ │ ├── gmock-more-matchers.h │ │ │ │ │ ├── gmock-nice-strict.h │ │ │ │ │ ├── gmock-spec-builders.h │ │ │ │ │ ├── gmock.h │ │ │ │ │ └── internal │ │ │ │ │ ├── custom │ │ │ │ │ ├── README.md │ │ │ │ │ ├── gmock-generated-actions.h │ │ │ │ │ ├── gmock-generated-actions.h.pump │ │ │ │ │ ├── gmock-matchers.h │ │ │ │ │ └── gmock-port.h │ │ │ │ │ ├── gmock-internal-utils.h │ │ │ │ │ ├── gmock-port.h │ │ │ │ │ └── gmock-pp.h │ │ │ ├── scripts │ │ │ │ ├── README.md │ │ │ │ ├── fuse_gmock_files.py │ │ │ │ ├── generator │ │ │ │ │ ├── LICENSE │ │ │ │ │ ├── README │ │ │ │ │ ├── README.cppclean │ │ │ │ │ ├── cpp │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── ast.py │ │ │ │ │ │ ├── gmock_class.py │ │ │ │ │ │ ├── gmock_class_test.py │ │ │ │ │ │ ├── keywords.py │ │ │ │ │ │ ├── tokenize.py │ │ │ │ │ │ └── utils.py │ │ │ │ │ └── gmock_gen.py │ │ │ │ └── pump.py │ │ │ ├── src │ │ │ │ ├── gmock-all.cc │ │ │ │ ├── gmock-cardinalities.cc │ │ │ │ ├── gmock-internal-utils.cc │ │ │ │ ├── gmock-matchers.cc │ │ │ │ ├── gmock-spec-builders.cc │ │ │ │ ├── gmock.cc │ │ │ │ └── gmock_main.cc │ │ │ └── test │ │ │ │ ├── BUILD.bazel │ │ │ │ ├── gmock-actions_test.cc │ │ │ │ ├── gmock-cardinalities_test.cc │ │ │ │ ├── gmock-function-mocker_nc.cc │ │ │ │ ├── gmock-function-mocker_nc_test.py │ │ │ │ ├── gmock-function-mocker_test.cc │ │ │ │ ├── gmock-generated-actions_test.cc │ │ │ │ ├── gmock-internal-utils_test.cc │ │ │ │ ├── gmock-matchers_test.cc │ │ │ │ ├── gmock-more-actions_test.cc │ │ │ │ ├── gmock-nice-strict_test.cc │ │ │ │ ├── gmock-port_test.cc │ │ │ │ ├── gmock-pp-string_test.cc │ │ │ │ ├── gmock-pp_test.cc │ │ │ │ ├── gmock-spec-builders_test.cc │ │ │ │ ├── gmock_all_test.cc │ │ │ │ ├── gmock_ex_test.cc │ │ │ │ ├── gmock_leak_test.py │ │ │ │ ├── gmock_leak_test_.cc │ │ │ │ ├── gmock_link2_test.cc │ │ │ │ ├── gmock_link_test.cc │ │ │ │ ├── gmock_link_test.h │ │ │ │ ├── gmock_output_test.py │ │ │ │ ├── gmock_output_test_.cc │ │ │ │ ├── gmock_output_test_golden.txt │ │ │ │ ├── gmock_stress_test.cc │ │ │ │ ├── gmock_test.cc │ │ │ │ ├── gmock_test_utils.py │ │ │ │ └── pump_test.py │ │ ├── googletest │ │ │ ├── CMakeLists.txt │ │ │ ├── CONTRIBUTORS │ │ │ ├── LICENSE │ │ │ ├── README.md │ │ │ ├── cmake │ │ │ │ ├── Config.cmake.in │ │ │ │ ├── gtest.pc.in │ │ │ │ ├── gtest_main.pc.in │ │ │ │ ├── internal_utils.cmake │ │ │ │ └── libgtest.la.in │ │ │ ├── docs │ │ │ │ ├── advanced.md │ │ │ │ ├── faq.md │ │ │ │ ├── pkgconfig.md │ │ │ │ ├── primer.md │ │ │ │ └── samples.md │ │ │ ├── include │ │ │ │ └── gtest │ │ │ │ │ ├── gtest-death-test.h │ │ │ │ │ ├── gtest-matchers.h │ │ │ │ │ ├── gtest-message.h │ │ │ │ │ ├── gtest-param-test.h │ │ │ │ │ ├── gtest-printers.h │ │ │ │ │ ├── gtest-spi.h │ │ │ │ │ ├── gtest-test-part.h │ │ │ │ │ ├── gtest-typed-test.h │ │ │ │ │ ├── gtest.h │ │ │ │ │ ├── gtest_pred_impl.h │ │ │ │ │ ├── gtest_prod.h │ │ │ │ │ └── internal │ │ │ │ │ ├── custom │ │ │ │ │ ├── README.md │ │ │ │ │ ├── gtest-port.h │ │ │ │ │ ├── gtest-printers.h │ │ │ │ │ └── gtest.h │ │ │ │ │ ├── gtest-death-test-internal.h │ │ │ │ │ ├── gtest-filepath.h │ │ │ │ │ ├── gtest-internal.h │ │ │ │ │ ├── gtest-param-util.h │ │ │ │ │ ├── gtest-port-arch.h │ │ │ │ │ ├── gtest-port.h │ │ │ │ │ ├── gtest-string.h │ │ │ │ │ └── gtest-type-util.h │ │ │ ├── samples │ │ │ │ ├── prime_tables.h │ │ │ │ ├── sample1.cc │ │ │ │ ├── sample1.h │ │ │ │ ├── sample10_unittest.cc │ │ │ │ ├── sample1_unittest.cc │ │ │ │ ├── sample2.cc │ │ │ │ ├── sample2.h │ │ │ │ ├── sample2_unittest.cc │ │ │ │ ├── sample3-inl.h │ │ │ │ ├── sample3_unittest.cc │ │ │ │ ├── sample4.cc │ │ │ │ ├── sample4.h │ │ │ │ ├── sample4_unittest.cc │ │ │ │ ├── sample5_unittest.cc │ │ │ │ ├── sample6_unittest.cc │ │ │ │ ├── sample7_unittest.cc │ │ │ │ ├── sample8_unittest.cc │ │ │ │ └── sample9_unittest.cc │ │ │ ├── scripts │ │ │ │ ├── README.md │ │ │ │ ├── common.py │ │ │ │ ├── fuse_gtest_files.py │ │ │ │ ├── gen_gtest_pred_impl.py │ │ │ │ ├── gtest-config.in │ │ │ │ ├── release_docs.py │ │ │ │ ├── run_with_path.py │ │ │ │ ├── upload.py │ │ │ │ └── upload_gtest.py │ │ │ ├── src │ │ │ │ ├── gtest-all.cc │ │ │ │ ├── gtest-death-test.cc │ │ │ │ ├── gtest-filepath.cc │ │ │ │ ├── gtest-internal-inl.h │ │ │ │ ├── gtest-matchers.cc │ │ │ │ ├── gtest-port.cc │ │ │ │ ├── gtest-printers.cc │ │ │ │ ├── gtest-test-part.cc │ │ │ │ ├── gtest-typed-test.cc │ │ │ │ ├── gtest.cc │ │ │ │ └── gtest_main.cc │ │ │ └── test │ │ │ │ ├── BUILD.bazel │ │ │ │ ├── googletest-break-on-failure-unittest.py │ │ │ │ ├── googletest-break-on-failure-unittest_.cc │ │ │ │ ├── googletest-catch-exceptions-test.py │ │ │ │ ├── googletest-catch-exceptions-test_.cc │ │ │ │ ├── googletest-color-test.py │ │ │ │ ├── googletest-color-test_.cc │ │ │ │ ├── googletest-death-test-test.cc │ │ │ │ ├── googletest-death-test_ex_test.cc │ │ │ │ ├── googletest-env-var-test.py │ │ │ │ ├── googletest-env-var-test_.cc │ │ │ │ ├── googletest-failfast-unittest.py │ │ │ │ ├── googletest-failfast-unittest_.cc │ │ │ │ ├── googletest-filepath-test.cc │ │ │ │ ├── googletest-filter-unittest.py │ │ │ │ ├── googletest-filter-unittest_.cc │ │ │ │ ├── googletest-json-outfiles-test.py │ │ │ │ ├── googletest-json-output-unittest.py │ │ │ │ ├── googletest-list-tests-unittest.py │ │ │ │ ├── googletest-list-tests-unittest_.cc │ │ │ │ ├── googletest-listener-test.cc │ │ │ │ ├── googletest-message-test.cc │ │ │ │ ├── googletest-options-test.cc │ │ │ │ ├── googletest-output-test-golden-lin.txt │ │ │ │ ├── googletest-output-test.py │ │ │ │ ├── googletest-output-test_.cc │ │ │ │ ├── googletest-param-test-invalid-name1-test.py │ │ │ │ ├── googletest-param-test-invalid-name1-test_.cc │ │ │ │ ├── googletest-param-test-invalid-name2-test.py │ │ │ │ ├── googletest-param-test-invalid-name2-test_.cc │ │ │ │ ├── googletest-param-test-test.cc │ │ │ │ ├── googletest-param-test-test.h │ │ │ │ ├── googletest-param-test2-test.cc │ │ │ │ ├── googletest-port-test.cc │ │ │ │ ├── googletest-printers-test.cc │ │ │ │ ├── googletest-setuptestsuite-test.py │ │ │ │ ├── googletest-setuptestsuite-test_.cc │ │ │ │ ├── googletest-shuffle-test.py │ │ │ │ ├── googletest-shuffle-test_.cc │ │ │ │ ├── googletest-test-part-test.cc │ │ │ │ ├── googletest-throw-on-failure-test.py │ │ │ │ ├── googletest-throw-on-failure-test_.cc │ │ │ │ ├── googletest-uninitialized-test.py │ │ │ │ ├── googletest-uninitialized-test_.cc │ │ │ │ ├── gtest-typed-test2_test.cc │ │ │ │ ├── gtest-typed-test_test.cc │ │ │ │ ├── gtest-typed-test_test.h │ │ │ │ ├── gtest-unittest-api_test.cc │ │ │ │ ├── gtest_all_test.cc │ │ │ │ ├── gtest_assert_by_exception_test.cc │ │ │ │ ├── gtest_environment_test.cc │ │ │ │ ├── gtest_help_test.py │ │ │ │ ├── gtest_help_test_.cc │ │ │ │ ├── gtest_json_test_utils.py │ │ │ │ ├── gtest_list_output_unittest.py │ │ │ │ ├── gtest_list_output_unittest_.cc │ │ │ │ ├── gtest_main_unittest.cc │ │ │ │ ├── gtest_no_test_unittest.cc │ │ │ │ ├── gtest_pred_impl_unittest.cc │ │ │ │ ├── gtest_premature_exit_test.cc │ │ │ │ ├── gtest_prod_test.cc │ │ │ │ ├── gtest_repeat_test.cc │ │ │ │ ├── gtest_skip_check_output_test.py │ │ │ │ ├── gtest_skip_environment_check_output_test.py │ │ │ │ ├── gtest_skip_in_environment_setup_test.cc │ │ │ │ ├── gtest_skip_test.cc │ │ │ │ ├── gtest_sole_header_test.cc │ │ │ │ ├── gtest_stress_test.cc │ │ │ │ ├── gtest_test_macro_stack_footprint_test.cc │ │ │ │ ├── gtest_test_utils.py │ │ │ │ ├── gtest_testbridge_test.py │ │ │ │ ├── gtest_testbridge_test_.cc │ │ │ │ ├── gtest_throw_on_failure_ex_test.cc │ │ │ │ ├── gtest_unittest.cc │ │ │ │ ├── gtest_xml_outfile1_test_.cc │ │ │ │ ├── gtest_xml_outfile2_test_.cc │ │ │ │ ├── gtest_xml_outfiles_test.py │ │ │ │ ├── gtest_xml_output_unittest.py │ │ │ │ ├── gtest_xml_output_unittest_.cc │ │ │ │ ├── gtest_xml_test_utils.py │ │ │ │ ├── production.cc │ │ │ │ └── production.h │ │ ├── library.json │ │ └── platformio.ini │ │ └── json │ │ ├── BUILD.bazel │ │ ├── CITATION.cff │ │ ├── CMakeLists.txt │ │ ├── LICENSE.MIT │ │ ├── LICENSES │ │ ├── Apache-2.0.txt │ │ ├── BSD-3-Clause.txt │ │ ├── GPL-3.0-only.txt │ │ └── MIT.txt │ │ ├── Makefile │ │ ├── Package.swift │ │ ├── README.md │ │ ├── WORKSPACE.bazel │ │ ├── cmake │ │ ├── ci.cmake │ │ ├── config.cmake.in │ │ ├── download_test_data.cmake │ │ ├── nlohmann_jsonConfigVersion.cmake.in │ │ ├── pkg-config.pc.in │ │ ├── scripts │ │ │ └── gen_bazel_build_file.cmake │ │ └── test.cmake │ │ ├── include │ │ └── nlohmann │ │ │ ├── adl_serializer.hpp │ │ │ ├── byte_container_with_subtype.hpp │ │ │ ├── detail │ │ │ ├── abi_macros.hpp │ │ │ ├── conversions │ │ │ │ ├── from_json.hpp │ │ │ │ ├── to_chars.hpp │ │ │ │ └── to_json.hpp │ │ │ ├── exceptions.hpp │ │ │ ├── hash.hpp │ │ │ ├── input │ │ │ │ ├── binary_reader.hpp │ │ │ │ ├── input_adapters.hpp │ │ │ │ ├── json_sax.hpp │ │ │ │ ├── lexer.hpp │ │ │ │ ├── parser.hpp │ │ │ │ └── position_t.hpp │ │ │ ├── iterators │ │ │ │ ├── internal_iterator.hpp │ │ │ │ ├── iter_impl.hpp │ │ │ │ ├── iteration_proxy.hpp │ │ │ │ ├── iterator_traits.hpp │ │ │ │ ├── json_reverse_iterator.hpp │ │ │ │ └── primitive_iterator.hpp │ │ │ ├── json_custom_base_class.hpp │ │ │ ├── json_pointer.hpp │ │ │ ├── json_ref.hpp │ │ │ ├── macro_scope.hpp │ │ │ ├── macro_unscope.hpp │ │ │ ├── meta │ │ │ │ ├── call_std │ │ │ │ │ ├── begin.hpp │ │ │ │ │ └── end.hpp │ │ │ │ ├── cpp_future.hpp │ │ │ │ ├── detected.hpp │ │ │ │ ├── identity_tag.hpp │ │ │ │ ├── is_sax.hpp │ │ │ │ ├── std_fs.hpp │ │ │ │ ├── type_traits.hpp │ │ │ │ └── void_t.hpp │ │ │ ├── output │ │ │ │ ├── binary_writer.hpp │ │ │ │ ├── output_adapters.hpp │ │ │ │ └── serializer.hpp │ │ │ ├── string_concat.hpp │ │ │ ├── string_escape.hpp │ │ │ └── value_t.hpp │ │ │ ├── json.hpp │ │ │ ├── json_fwd.hpp │ │ │ ├── ordered_map.hpp │ │ │ └── thirdparty │ │ │ └── hedley │ │ │ ├── hedley.hpp │ │ │ └── hedley_undef.hpp │ │ ├── meson.build │ │ ├── nlohmann_json.natvis │ │ ├── single_include │ │ └── nlohmann │ │ │ ├── json.hpp │ │ │ └── json_fwd.hpp │ │ ├── tools │ │ ├── amalgamate │ │ │ ├── CHANGES.md │ │ │ ├── README.md │ │ │ ├── amalgamate.py │ │ │ ├── config_json.json │ │ │ └── config_json_fwd.json │ │ ├── gdb_pretty_printer │ │ │ ├── README.md │ │ │ └── nlohmann-json.py │ │ ├── generate_natvis │ │ │ ├── README.md │ │ │ ├── generate_natvis.py │ │ │ └── nlohmann_json.natvis.j2 │ │ ├── macro_builder │ │ │ └── main.cpp │ │ └── serve_header │ │ │ ├── README.md │ │ │ ├── demo.png │ │ │ ├── requirements.txt │ │ │ ├── serve_header.py │ │ │ └── serve_header.yml.example │ │ └── wsjcpp.yml │ └── tb_plugin │ ├── .flake8 │ ├── .gitignore │ ├── .pre-commit-config.yaml │ ├── LICENSE │ ├── README.md │ ├── ci_scripts │ └── install_env.sh │ ├── docs │ ├── gpu_utilization.md │ └── images │ │ ├── control_panel.PNG │ │ ├── diff_view.png │ │ ├── distributed_view.PNG │ │ ├── kernel_view.PNG │ │ ├── kernel_view_group_by_properties_and_op.PNG │ │ ├── lightning_view.png │ │ ├── memory_view.PNG │ │ ├── module_view.png │ │ ├── operator_view.PNG │ │ ├── operator_view_group_by_inputshape.PNG │ │ ├── overall_view.PNG │ │ ├── time_breakdown_priority.PNG │ │ ├── trace_view.PNG │ │ ├── trace_view_fwd_bwd_correlation.PNG │ │ ├── trace_view_gpu_utilization.PNG │ │ ├── trace_view_launch.PNG │ │ ├── trace_view_one_step.PNG │ │ └── vscode_stack.PNG │ ├── examples │ ├── resnet50_autograd_api.py │ ├── resnet50_ddp_profiler.py │ └── resnet50_profiler_api.py │ ├── fe │ ├── .gitignore │ ├── README.md │ ├── index.html │ ├── package.json │ ├── prettier.json │ ├── scripts │ │ ├── add_header.py │ │ ├── build.sh │ │ └── setup.sh │ ├── src │ │ ├── api │ │ │ ├── README.md │ │ │ ├── generated │ │ │ │ ├── api.ts │ │ │ │ ├── configuration.ts │ │ │ │ ├── custom.d.ts │ │ │ │ └── index.ts │ │ │ ├── index.ts │ │ │ ├── mock.ts │ │ │ └── openapi.yaml │ │ ├── app.tsx │ │ ├── components │ │ │ ├── DataLoading.tsx │ │ │ ├── DiffOverview.tsx │ │ │ ├── DistributedView.tsx │ │ │ ├── FullCircularProgress.tsx │ │ │ ├── GpuInfoTable.tsx │ │ │ ├── Kernel.tsx │ │ │ ├── MemoryView.tsx │ │ │ ├── ModuleView.tsx │ │ │ ├── Operator.tsx │ │ │ ├── Overview.tsx │ │ │ ├── TextListItem.tsx │ │ │ ├── TooltipDescriptions.ts │ │ │ ├── TraceView.tsx │ │ │ ├── charts │ │ │ │ ├── AntTableChart.tsx │ │ │ │ ├── AreaChart.tsx │ │ │ │ ├── ColumnChart.tsx │ │ │ │ ├── LineChart.tsx │ │ │ │ ├── PieChart.tsx │ │ │ │ ├── SteppedAreaChart.tsx │ │ │ │ └── TableChart.tsx │ │ │ ├── helpers.tsx │ │ │ ├── tables │ │ │ │ ├── CallFrameList.tsx │ │ │ │ ├── CallStackTable.tsx │ │ │ │ ├── ExpandIcon.tsx │ │ │ │ ├── KernelCallTable.tsx │ │ │ │ ├── MemoryStatsTable.tsx │ │ │ │ ├── NavToCodeButton.tsx │ │ │ │ ├── OperationTable.tsx │ │ │ │ ├── common.tsx │ │ │ │ └── transform.ts │ │ │ └── transform.ts │ │ ├── constants │ │ │ └── groupBy.ts │ │ ├── gstatic.d.ts │ │ ├── index.tsx │ │ ├── setup.tsx │ │ ├── styles.css │ │ └── utils │ │ │ ├── binarysearch.ts │ │ │ ├── debounce.ts │ │ │ ├── def.ts │ │ │ ├── hooks.ts │ │ │ ├── index.ts │ │ │ ├── resize.ts │ │ │ ├── search.ts │ │ │ ├── top.ts │ │ │ ├── type.ts │ │ │ └── vscode.ts │ ├── tsconfig.json │ ├── update-static.js │ ├── webpack.config.js │ └── yarn.lock │ ├── packaging │ └── torch_tb_profiler │ │ └── meta.yaml │ ├── samples │ ├── resnet50_gpu │ │ ├── worker0.1710905411803842725.pt.trace.json │ │ └── worker0.1710905413376778199.pt.trace.json │ └── resnet50_mlu │ │ ├── worker0.1710905234237883642.pt.trace.json │ │ └── worker0.1710905235954230517.pt.trace.json │ ├── setup.py │ ├── test │ ├── mlu_metrics_expected.json │ ├── mlu_metrics_input.json │ ├── result_check_file.txt │ ├── test_compare_with_autograd.py │ ├── test_diffrun.py │ ├── test_profiler.py │ ├── test_ranges.py │ └── test_tensorboard_end2end.py │ └── torch_tb_profiler │ ├── __init__.py │ ├── consts.py │ ├── io │ ├── __init__.py │ ├── azureblob.py │ ├── base.py │ ├── cache.py │ ├── file.py │ ├── gs.py │ ├── hdfs.py │ └── utils.py │ ├── multiprocessing.py │ ├── plugin.py │ ├── profiler │ ├── __init__.py │ ├── communication.py │ ├── data.py │ ├── diffrun │ │ ├── __init__.py │ │ ├── contract.py │ │ ├── operator.py │ │ └── tree.py │ ├── event_parser.py │ ├── gpu_metrics_parser.py │ ├── kernel_parser.py │ ├── loader.py │ ├── memory_parser.py │ ├── module_op.py │ ├── node.py │ ├── op_agg.py │ ├── op_tree.py │ ├── overall_parser.py │ ├── range_utils.py │ ├── run_generator.py │ ├── tensor_core.py │ ├── tensor_cores_parser.py │ └── trace.py │ ├── run.py │ ├── static │ ├── index.html │ ├── index.js │ ├── trace_embedding.html │ └── trace_viewer_full.html │ └── utils.py ├── tools ├── README.md ├── __init__.py ├── autogen_torch_api │ ├── README.md │ └── autogen_pytorch_apis.py ├── linter │ ├── __init__.py │ └── adapters │ │ ├── README.md │ │ ├── black_linter.py │ │ ├── clangformat_linter.py │ │ ├── pip_init.py │ │ ├── s3_init.py │ │ └── s3_init_config.json ├── loss_check │ ├── README.md │ └── compute_r2.py ├── perf_env_check │ ├── README.md │ ├── check_ACS_status.sh │ ├── perf_env_check.sh │ └── set_env.sh ├── torch_gpu2mlu │ ├── README.md │ └── torch_gpu2mlu.py └── yapf_format │ ├── README.md │ └── yapf_format.py └── torch_mlu ├── __init__.py ├── backends ├── __init__.py ├── cnnl │ └── __init__.py ├── mlu │ └── __init__.py └── mlufusion │ └── __init__.py ├── csrc ├── CMakeLists.txt ├── api │ └── include │ │ └── torch_mlu │ │ └── torch_mlu.h ├── aten │ ├── CMakeLists.txt │ ├── DispatchStub.h │ ├── MLUFallback.cpp │ ├── MLUFallback.h │ ├── TensorIteratorBridge.cpp │ ├── TensorIteratorBridge.h │ ├── autocast_mode.cpp │ ├── cnnl │ │ ├── cnnlAlgorithms.h │ │ ├── cnnlCommonDescriptors.cpp │ │ ├── cnnlCommonDescriptors.h │ │ ├── cnnlDescriptors.h │ │ ├── cnnlHandle.cpp │ │ ├── cnnlHandle.h │ │ ├── cnnlHeuristicResult.cpp │ │ ├── cnnlHeuristicResult.h │ │ ├── cnnlOpDescriptors.cpp │ │ ├── cnnlOpDescriptors.h │ │ ├── cnnlTensorDesc.cpp │ │ ├── cnnlTensorDesc.h │ │ ├── cnnlTensorDescriptors.cpp │ │ └── cnnlTensorDescriptors.h │ ├── mluop │ │ ├── mluopCommonDescriptors.h │ │ ├── mluopDescriptors.h │ │ ├── mluopHandle.cpp │ │ ├── mluopHandle.h │ │ ├── mluopTensorDescriptors.cpp │ │ ├── mluopTensorDescriptors.h │ │ ├── mluopUtils.cpp │ │ └── mluopUtils.h │ ├── operators │ │ ├── README.md │ │ ├── bang │ │ │ ├── amp_unscale.cpp │ │ │ ├── amp_update_scale.cpp │ │ │ ├── dump.cpp │ │ │ ├── fused_adam.cpp │ │ │ ├── fused_l2_norm.cpp │ │ │ ├── fused_l2_norm_amp.cpp │ │ │ ├── fused_lamb.cpp │ │ │ ├── fused_lamb_amp.cpp │ │ │ ├── fused_sgd.cpp │ │ │ └── internal │ │ │ │ ├── amp_non_finite_and_unscale.h │ │ │ │ ├── amp_non_finite_and_unscale.mlu │ │ │ │ ├── amp_non_finite_and_unscale_internal.mlu │ │ │ │ ├── amp_update_scale_internal.mlu │ │ │ │ ├── bang_internal.h │ │ │ │ ├── common_util.h │ │ │ │ ├── dump_internal.mlu │ │ │ │ ├── fused_adam_internal.mlu │ │ │ │ ├── fused_l2_norm_internal.mlu │ │ │ │ ├── fused_lamb_amp_internal.mlu │ │ │ │ ├── fused_lamb_internal.mlu │ │ │ │ └── fused_sgd_internal.mlu │ │ ├── cnnl │ │ │ ├── abs.cpp │ │ │ ├── activation.cpp │ │ │ ├── adaptive_pooling.cpp │ │ │ ├── add.cpp │ │ │ ├── addbmm.cpp │ │ │ ├── addcdiv.cpp │ │ │ ├── addcmul.cpp │ │ │ ├── addmm.cpp │ │ │ ├── addmv.cpp │ │ │ ├── addr.cpp │ │ │ ├── angle.cpp │ │ │ ├── arange.cpp │ │ │ ├── as_strided.cpp │ │ │ ├── autocast_rnn.cpp │ │ │ ├── baddbmm.cpp │ │ │ ├── bce.cpp │ │ │ ├── bce_with_logits.cpp │ │ │ ├── bernoulli.cpp │ │ │ ├── bincount.cpp │ │ │ ├── bitwise_operators.cpp │ │ │ ├── boxes_iou_bev.cpp │ │ │ ├── boxes_overlap_bev.cpp │ │ │ ├── cat.cpp │ │ │ ├── cdist.cpp │ │ │ ├── ceil.cpp │ │ │ ├── clamp.cpp │ │ │ ├── clone.cpp │ │ │ ├── cnnlOpParams.cpp │ │ │ ├── cnnlOpParams.h │ │ │ ├── col2im.cpp │ │ │ ├── conj.cpp │ │ │ ├── constant_pad_nd.cpp │ │ │ ├── convolution.cpp │ │ │ ├── convolution.h │ │ │ ├── convolution_backward.cpp │ │ │ ├── convolution_forward.cpp │ │ │ ├── convolution_transpose_backward.cpp │ │ │ ├── convolution_transpose_forward.cpp │ │ │ ├── convolution_utils.h │ │ │ ├── copy.cpp │ │ │ ├── copy.h │ │ │ ├── copy_utils.cpp │ │ │ ├── copy_utils.h │ │ │ ├── count_nonzero.cpp │ │ │ ├── cross.cpp │ │ │ ├── ctc_loss.cpp │ │ │ ├── cummin_max.cpp │ │ │ ├── cumprod.cpp │ │ │ ├── cumsum.cpp │ │ │ ├── deform_conv2d.cpp │ │ │ ├── det.cpp │ │ │ ├── diag.cpp │ │ │ ├── div.cpp │ │ │ ├── dot.cpp │ │ │ ├── dropout.cpp │ │ │ ├── efficientzerotensor.cpp │ │ │ ├── embedding.cpp │ │ │ ├── embedding_bag.cpp │ │ │ ├── embedding_dense_backward.cpp │ │ │ ├── empty_tensor.cpp │ │ │ ├── erf.cpp │ │ │ ├── erfc.cpp │ │ │ ├── erfinv.cpp │ │ │ ├── exp.cpp │ │ │ ├── exp2.cpp │ │ │ ├── expm1.cpp │ │ │ ├── exponential.cpp │ │ │ ├── eye.cpp │ │ │ ├── fft.cpp │ │ │ ├── fill.cpp │ │ │ ├── flip.cpp │ │ │ ├── floor.cpp │ │ │ ├── floor_divide.cpp │ │ │ ├── fmod.cpp │ │ │ ├── frac.cpp │ │ │ ├── gather.cpp │ │ │ ├── grid_sampler.cpp │ │ │ ├── group_norm.cpp │ │ │ ├── histc.cpp │ │ │ ├── im2col.cpp │ │ │ ├── index.cpp │ │ │ ├── index_add.cpp │ │ │ ├── index_copy.cpp │ │ │ ├── index_fill.cpp │ │ │ ├── index_put.cpp │ │ │ ├── index_select.cpp │ │ │ ├── index_utils.h │ │ │ ├── internal │ │ │ │ ├── FlashAttention_internal.cpp │ │ │ │ ├── abs_internal.cpp │ │ │ │ ├── activation_inertnal.cpp │ │ │ │ ├── adaptive_pooling_internal.cpp │ │ │ │ ├── addcdiv_internal.cpp │ │ │ │ ├── addcmul_internal.cpp │ │ │ │ ├── addmm_bias_internal.cpp │ │ │ │ ├── addmm_internal.cpp │ │ │ │ ├── angle_internal.cpp │ │ │ │ ├── arange_internal.cpp │ │ │ │ ├── as_strided_backward_internal.cpp │ │ │ │ ├── baddbmm_internal.cpp │ │ │ │ ├── bce_internal.cpp │ │ │ │ ├── bce_with_logits_internal.cpp │ │ │ │ ├── bincount_internal.cpp │ │ │ │ ├── bitwise_op_internal.cpp │ │ │ │ ├── boxes_iou_bev_internal.cpp │ │ │ │ ├── boxes_overlap_bev_out_internal.cpp │ │ │ │ ├── cast_internal.cpp │ │ │ │ ├── cat_internal.cpp │ │ │ │ ├── cdist_internal.cpp │ │ │ │ ├── ceil_internal.cpp │ │ │ │ ├── clamp_internel.cpp │ │ │ │ ├── cnfft_plan_cache.h │ │ │ │ ├── cnnl_internal.h │ │ │ │ ├── col2im_out_internal.cpp │ │ │ │ ├── conj_internal.cpp │ │ │ │ ├── constant_pad_nd_internal.cpp │ │ │ │ ├── convolution_bias_backward_internal.cpp │ │ │ │ ├── convolution_fliter_backward_internal.cpp │ │ │ │ ├── convolution_forward_internal.cpp │ │ │ │ ├── convolution_input_backward_internal.cpp │ │ │ │ ├── convolution_internal_utils.h │ │ │ │ ├── copy_internal.cpp │ │ │ │ ├── cross_internal.cpp │ │ │ │ ├── ctc_loss_internal.cpp │ │ │ │ ├── cummin_max_internal.cpp │ │ │ │ ├── cumprod_internal.cpp │ │ │ │ ├── cumsum_internal.cpp │ │ │ │ ├── dcn_backward_internal.cpp │ │ │ │ ├── dcn_forward_internal.cpp │ │ │ │ ├── det_internal.cpp │ │ │ │ ├── diag_internal.cpp │ │ │ │ ├── div_internal.cpp │ │ │ │ ├── embedding_bag_internal.cpp │ │ │ │ ├── embedding_dense_backward_internal.cpp │ │ │ │ ├── embedding_internal.cpp │ │ │ │ ├── erf_internal.cpp │ │ │ │ ├── erfc_internal.cpp │ │ │ │ ├── erfinv_internel.cpp │ │ │ │ ├── exp_internal.cpp │ │ │ │ ├── expand_internal.cpp │ │ │ │ ├── expm1_internal.cpp │ │ │ │ ├── exponential_internal.cpp │ │ │ │ ├── fft_internal.cpp │ │ │ │ ├── fill_internal.cpp │ │ │ │ ├── flip_internal.cpp │ │ │ │ ├── floor_internal.cpp │ │ │ │ ├── fmod_internal.cpp │ │ │ │ ├── fused_dropout_internal.cpp │ │ │ │ ├── gather_internal.cpp │ │ │ │ ├── grid_sampler_internal.cpp │ │ │ │ ├── group_norm_backward_internal.cpp │ │ │ │ ├── group_norm_internal.cpp │ │ │ │ ├── gru_cell_internal.cpp │ │ │ │ ├── histc_internal.cpp │ │ │ │ ├── im2col_out_internal.cpp │ │ │ │ ├── index_add_internal.cpp │ │ │ │ ├── index_copy_internal.cpp │ │ │ │ ├── index_fill_internal.cpp │ │ │ │ ├── index_internal.cpp │ │ │ │ ├── index_put_internal.cpp │ │ │ │ ├── index_select_internal.cpp │ │ │ │ ├── inverse_internal.cpp │ │ │ │ ├── kthvalue_internal.cpp │ │ │ │ ├── lerp_internal.cpp │ │ │ │ ├── linspace_internal.cpp │ │ │ │ ├── log1p_internal.cpp │ │ │ │ ├── log_internal.cpp │ │ │ │ ├── logaddexp_internal.cpp │ │ │ │ ├── logic_internal.cpp │ │ │ │ ├── lstm_cell_internal.cpp │ │ │ │ ├── masked_fill_internal.cpp │ │ │ │ ├── masked_scale_internal.cpp │ │ │ │ ├── masked_scatter_internal.cpp │ │ │ │ ├── masked_softmax_dropout_backward_internal.cpp │ │ │ │ ├── masked_softmax_internal.cpp │ │ │ │ ├── max_unpool_internal.cpp │ │ │ │ ├── maximum_internal.cpp │ │ │ │ ├── median_internal.cpp │ │ │ │ ├── minimum_internal.cpp │ │ │ │ ├── mse_loss_internal.cpp │ │ │ │ ├── multinomial_internal.cpp │ │ │ │ ├── nan_to_num_internal.cpp │ │ │ │ ├── native_batch_norm_backward_internal.cpp │ │ │ │ ├── native_batch_norm_internal.cpp │ │ │ │ ├── native_layer_norm_backward_internal.cpp │ │ │ │ ├── native_layer_norm_internal.cpp │ │ │ │ ├── neg_internal.cpp │ │ │ │ ├── nllloss_internal.cpp │ │ │ │ ├── nms_internal.cpp │ │ │ │ ├── nonzero_internal.cpp │ │ │ │ ├── normal_internal.cpp │ │ │ │ ├── optensor_internal.cpp │ │ │ │ ├── permute_internal.cpp │ │ │ │ ├── philox_utils.h │ │ │ │ ├── points_in_boxes_mlu_internal.cpp │ │ │ │ ├── polar_internal.cpp │ │ │ │ ├── pooling_internal.cpp │ │ │ │ ├── pow_internal.cpp │ │ │ │ ├── prelu_internal.cpp │ │ │ │ ├── qr_internal.cpp │ │ │ │ ├── random_internal.cpp │ │ │ │ ├── reciprocal_internal.cpp │ │ │ │ ├── reduceOps_internal.cpp │ │ │ │ ├── reflection_pad_backward_internal.cpp │ │ │ │ ├── reflection_pad_internal.cpp │ │ │ │ ├── remainder_internal.cpp │ │ │ │ ├── repeat_interleave_internal.cpp │ │ │ │ ├── repeat_internal.cpp │ │ │ │ ├── replication_pad_backward_internal.cpp │ │ │ │ ├── replication_pad_internal.cpp │ │ │ │ ├── rnn_backward_input_internal.cpp │ │ │ │ ├── rnn_backward_weight_internal.cpp │ │ │ │ ├── rnn_forward_internal.cpp │ │ │ │ ├── rnnt_internal.cpp │ │ │ │ ├── roi_align_internal.cpp │ │ │ │ ├── roll_internal.cpp │ │ │ │ ├── round_internal.cpp │ │ │ │ ├── rsqrt_internal.cpp │ │ │ │ ├── scatter_internal.cpp │ │ │ │ ├── sign_internal.cpp │ │ │ │ ├── slice_internal.cpp │ │ │ │ ├── slogdet_internal.cpp │ │ │ │ ├── smooth_l1_loss_internal.cpp │ │ │ │ ├── softmax_internal.cpp │ │ │ │ ├── sqrt_internal.cpp │ │ │ │ ├── svd_internal.cpp │ │ │ │ ├── syncbn_internal.cpp │ │ │ │ ├── take_internal.cpp │ │ │ │ ├── topk_internal.cpp │ │ │ │ ├── trace_internal.cpp │ │ │ │ ├── transform_internal.cpp │ │ │ │ ├── transpose_internal.cpp │ │ │ │ ├── tri_internal.cpp │ │ │ │ ├── trigon_internal.cpp │ │ │ │ ├── trunc_internal.cpp │ │ │ │ ├── unfold_internal.cpp │ │ │ │ ├── uniform_internal.cpp │ │ │ │ ├── unique_consecutive_internal.cpp │ │ │ │ ├── unique_internal.cpp │ │ │ │ ├── upsample_internal.cpp │ │ │ │ ├── weight_norm_backward_internal.cpp │ │ │ │ ├── weight_norm_internal.cpp │ │ │ │ └── where_internal.cpp │ │ │ ├── inverse.cpp │ │ │ ├── isin.cpp │ │ │ ├── kthvalue.cpp │ │ │ ├── lerp.cpp │ │ │ ├── linspace.cpp │ │ │ ├── log.cpp │ │ │ ├── logaddexp.cpp │ │ │ ├── logic.cpp │ │ │ ├── masked_fill.cpp │ │ │ ├── masked_scatter.cpp │ │ │ ├── masked_select.cpp │ │ │ ├── masked_softmax_dropout.cpp │ │ │ ├── max.cpp │ │ │ ├── max_unpool.cpp │ │ │ ├── median.cpp │ │ │ ├── min.cpp │ │ │ ├── mse_loss.cpp │ │ │ ├── mul.cpp │ │ │ ├── multinomial.cpp │ │ │ ├── nan_to_num.cpp │ │ │ ├── native_batch_norm.cpp │ │ │ ├── native_group_norm_backward.cpp │ │ │ ├── native_layer_norm.cpp │ │ │ ├── native_layer_norm_backward.cpp │ │ │ ├── neg.cpp │ │ │ ├── nllloss.cpp │ │ │ ├── nms.cpp │ │ │ ├── nms3D.cpp │ │ │ ├── nonzero.cpp │ │ │ ├── normal.cpp │ │ │ ├── pin_memory.cpp │ │ │ ├── points_in_boxes_mlu.cpp │ │ │ ├── polar.cpp │ │ │ ├── pooling.cpp │ │ │ ├── pow.cpp │ │ │ ├── prelu.cpp │ │ │ ├── put.cpp │ │ │ ├── qr.cpp │ │ │ ├── random.cpp │ │ │ ├── randperm.cpp │ │ │ ├── reciprocal.cpp │ │ │ ├── record_stream.cpp │ │ │ ├── reduceOps.cpp │ │ │ ├── reflection_pad.cpp │ │ │ ├── reflection_pad_backward.cpp │ │ │ ├── remainder.cpp │ │ │ ├── repeat.cpp │ │ │ ├── repeat_interleave.cpp │ │ │ ├── replication_pad.cpp │ │ │ ├── replication_pad_backward.cpp │ │ │ ├── reshape.cpp │ │ │ ├── resize.cpp │ │ │ ├── resize.h │ │ │ ├── rnn.cpp │ │ │ ├── rnnt.cpp │ │ │ ├── roi_align.cpp │ │ │ ├── roll.cpp │ │ │ ├── round.cpp │ │ │ ├── rsqrt.cpp │ │ │ ├── scalar.cpp │ │ │ ├── scatter.cpp │ │ │ ├── scatter_utils.h │ │ │ ├── set_storage.cpp │ │ │ ├── sgn.cpp │ │ │ ├── sign.cpp │ │ │ ├── slogdet.cpp │ │ │ ├── smooth_l1_loss.cpp │ │ │ ├── softmax.cpp │ │ │ ├── sort.cpp │ │ │ ├── sqrt.cpp │ │ │ ├── sub.cpp │ │ │ ├── svd.cpp │ │ │ ├── syncbn.cpp │ │ │ ├── take.cpp │ │ │ ├── topk.cpp │ │ │ ├── trace.cpp │ │ │ ├── transformers │ │ │ │ ├── _fused_sdp_choice.cpp │ │ │ │ ├── attention.cpp │ │ │ │ ├── sdp_utils.cpp │ │ │ │ └── sdp_utils.h │ │ │ ├── trigon.cpp │ │ │ ├── tril.cpp │ │ │ ├── triu.cpp │ │ │ ├── trunc.cpp │ │ │ ├── unfold.cpp │ │ │ ├── unique.cpp │ │ │ ├── unique_consecutive.cpp │ │ │ ├── upsample_bicubic2d.cpp │ │ │ ├── upsample_bilinear2d.cpp │ │ │ ├── upsample_linear1d.cpp │ │ │ ├── upsample_nearest1d.cpp │ │ │ ├── upsample_nearest2d.cpp │ │ │ ├── upsample_trilinear3d.cpp │ │ │ ├── weight_norm.cpp │ │ │ ├── weight_norm_backward.cpp │ │ │ ├── where.cpp │ │ │ ├── xlogy.cpp │ │ │ └── zero.cpp │ │ ├── cpu │ │ │ ├── cpu_kernel.h │ │ │ ├── internal │ │ │ │ └── nms3D_cpu_util.h │ │ │ └── nms3D_cpu.cpp │ │ └── mluop │ │ │ ├── internal │ │ │ ├── mluop_internal.h │ │ │ └── voxel_pooling_internal.cpp │ │ │ └── voxel_pooling.cpp │ ├── utils │ │ ├── accumulate_type.h │ │ ├── binaryops_util.cpp │ │ ├── binaryops_util.h │ │ ├── cnnl_util.cpp │ │ ├── cnnl_util.h │ │ ├── dispatch.h │ │ ├── exceptions.h │ │ ├── internal_util.cpp │ │ ├── internal_util.h │ │ ├── tensor_util.cpp │ │ ├── tensor_util.h │ │ ├── types.cpp │ │ ├── types.h │ │ └── utils.h │ └── viewchain │ │ └── contiguous.cpp ├── framework │ ├── CMakeLists.txt │ ├── core │ │ ├── MLUEvent.cpp │ │ ├── MLUEvent.h │ │ ├── MLUStream.cpp │ │ ├── MLUStream.h │ │ ├── caching_allocator.cpp │ │ ├── caching_allocator.h │ │ ├── caching_allocator_config.cpp │ │ ├── caching_allocator_config.h │ │ ├── caching_event.cpp │ │ ├── caching_event.h │ │ ├── device.cpp │ │ ├── device.h │ │ ├── device_utils.h │ │ ├── guard_impl.cpp │ │ ├── guard_impl.h │ │ ├── memory_allocator.cpp │ │ ├── memory_allocator.h │ │ ├── memory_snapshot.cpp │ │ ├── memory_snapshot.h │ │ ├── mlu_guard.h │ │ ├── stream_guard.h │ │ └── tensor_impl.h │ ├── distributed │ │ ├── README.md │ │ ├── cncl_utils.cpp │ │ ├── cncl_utils.h │ │ ├── process_group_cncl.cpp │ │ ├── process_group_cncl.hpp │ │ └── reducer_mlu.cpp │ ├── fallback │ │ └── README.md │ ├── generator │ │ ├── generator_impl.cpp │ │ └── generator_impl.h │ ├── graphs │ │ ├── MLUGraph.cpp │ │ ├── MLUGraph.h │ │ └── MLUGraphUtils.h │ ├── hooks │ │ ├── MLUHooks.cpp │ │ ├── MLUHooks.h │ │ └── README.md │ └── profiler │ │ └── mlu.cpp ├── python │ ├── Autocast.cpp │ ├── Autocast.h │ ├── Cnpx.cpp │ ├── Cnpx.h │ ├── Event.cpp │ ├── Event.h │ ├── Graph.cpp │ ├── Graph.h │ ├── MluIPCTypes.cpp │ ├── MluIPCTypes.h │ ├── Module.cpp │ ├── Module.h │ ├── ProcessGroupCNCL.cpp │ ├── ProcessGroupCNCL.h │ ├── PythonTensor.cpp │ ├── PythonTensor.h │ ├── Storage.cpp │ ├── Storage.h │ ├── StorageMethods.cpp │ ├── StorageMethods.h │ ├── StorageSharing.cpp │ ├── StorageSharing.h │ ├── Stream.cpp │ ├── Stream.h │ ├── THMP.h │ ├── combined_traceback.cpp │ ├── combined_traceback.h │ ├── python_variable_methods.cpp │ ├── python_variable_methods.h │ ├── serialization.cpp │ └── serialization.h ├── stub.cpp ├── test │ ├── CMakeLists.txt │ ├── cnnl │ │ └── README.md │ ├── common │ │ ├── README.md │ │ ├── test_caching_host_allocator.cpp │ │ ├── test_guardimpl.cpp │ │ ├── test_mlu_caching_allocator.cpp │ │ ├── test_mlu_generator.cpp │ │ ├── test_notifier.cpp │ │ └── test_queue.cpp │ └── main.cpp └── utils │ ├── Export.h │ ├── assert_tensor.cpp │ ├── assert_tensor.h │ ├── cndumper.cpp │ ├── cndumper.h │ ├── cnlog.cpp │ ├── cnlog.h │ ├── common.cpp │ ├── common.h │ └── version.h ├── dataloader └── data_loader.py ├── distributed ├── __init__.py ├── _shard │ ├── __init__.py │ ├── api.py │ └── tensor_ops.py ├── algorithms │ ├── __init__.py │ └── default_hook.py ├── fsdp │ ├── __init__.py │ ├── _init_utils.py │ └── sharded_grad_scaler.py └── tensor │ ├── __init__.py │ └── _data_parallel_utils.py ├── mlu ├── __init__.py ├── _utils.py ├── amp │ ├── __init__.py │ ├── autocast_mode.py │ ├── common.py │ └── grad_scaler.py ├── autocast_utils.py ├── cncl.py ├── cnpx.py ├── device.py ├── graphs.py ├── memory.py ├── random.py ├── reductions.py └── streams.py ├── optimizers ├── __init__.py ├── fused_adam.py ├── fused_lamb.py ├── fused_sgd.py └── optimizer.py ├── profiler ├── __init__.py ├── _pattern_matcher.py ├── _utils.py ├── analysis │ ├── __init__.py │ ├── api.py │ ├── common │ │ ├── __init__.py │ │ ├── consts.py │ │ ├── file_manager.py │ │ ├── path_manager.py │ │ └── utils.py │ ├── event_parser.py │ ├── kernel_parser.py │ ├── memory_parser.py │ ├── node.py │ ├── op_agg.py │ ├── op_tree.py │ ├── profiler_parser.py │ └── trace.py ├── profile_mlu.py ├── profiler.py └── profiler_util.py ├── share └── cmake │ └── TorchMLU │ └── TorchMLUConfig.cmake ├── storage.py └── utils ├── __init__.py ├── _utils.py ├── collect_env.py ├── counter.py ├── cpp_extension.py ├── dumptool.py ├── gpu_migration ├── __init__.py └── migration.py ├── model_transfer └── __init__.py └── module.py /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/.clang-format -------------------------------------------------------------------------------- /.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/.dockerignore -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/.gitignore -------------------------------------------------------------------------------- /.lintrunner.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/.lintrunner.toml -------------------------------------------------------------------------------- /CONTRIBUTING.zh.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/CONTRIBUTING.zh.md -------------------------------------------------------------------------------- /CPPLINT.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/CPPLINT.cfg -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/LICENSE -------------------------------------------------------------------------------- /PYLINT.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/PYLINT.cfg -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/README.md -------------------------------------------------------------------------------- /README.zh.md: -------------------------------------------------------------------------------- 1 | README.md -------------------------------------------------------------------------------- /cmake/Summary.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/cmake/Summary.cmake -------------------------------------------------------------------------------- /cmake/modules/FindCNCL.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/cmake/modules/FindCNCL.cmake -------------------------------------------------------------------------------- /cmake/modules/FindCNDEV.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/cmake/modules/FindCNDEV.cmake -------------------------------------------------------------------------------- /cmake/modules/FindCNDRV.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/cmake/modules/FindCNDRV.cmake -------------------------------------------------------------------------------- /cmake/modules/FindCNNL.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/cmake/modules/FindCNNL.cmake -------------------------------------------------------------------------------- /cmake/modules/FindCNNLExtra.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/cmake/modules/FindCNNLExtra.cmake -------------------------------------------------------------------------------- /cmake/modules/FindCNPAPI.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/cmake/modules/FindCNPAPI.cmake -------------------------------------------------------------------------------- /cmake/modules/FindCNRT.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/cmake/modules/FindCNRT.cmake -------------------------------------------------------------------------------- /cmake/modules/FindMLUOP.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/cmake/modules/FindMLUOP.cmake -------------------------------------------------------------------------------- /cmake/modules/Findpybind11.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/cmake/modules/Findpybind11.cmake -------------------------------------------------------------------------------- /cmake/modules/Utils.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/cmake/modules/Utils.cmake -------------------------------------------------------------------------------- /codegen/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/codegen/README.md -------------------------------------------------------------------------------- /codegen/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /codegen/dest/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/codegen/dest/__init__.py -------------------------------------------------------------------------------- /codegen/dest/gen_external_mlu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/codegen/dest/gen_external_mlu.py -------------------------------------------------------------------------------- /codegen/gen_mlu_stubs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/codegen/gen_mlu_stubs.py -------------------------------------------------------------------------------- /codegen/mlu_functions.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/codegen/mlu_functions.yaml -------------------------------------------------------------------------------- /codegen/templates/KernelFunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/codegen/templates/KernelFunctions.h -------------------------------------------------------------------------------- /codegen/templates/MLUFunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/codegen/templates/MLUFunctions.h -------------------------------------------------------------------------------- /codegen/templates/RegisterMLU.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/codegen/templates/RegisterMLU.cpp -------------------------------------------------------------------------------- /codegen/templates/version.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/codegen/templates/version.cpp -------------------------------------------------------------------------------- /examples/mlu_extension/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/examples/mlu_extension/README.md -------------------------------------------------------------------------------- /examples/mlu_extension/mlu_custom_ext/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/examples/mlu_extension/mlu_custom_ext/__init__.py -------------------------------------------------------------------------------- /examples/mlu_extension/mlu_custom_ext/ops/__init__.py: -------------------------------------------------------------------------------- 1 | from .custom_ops import active_sigmoid_mlu 2 | -------------------------------------------------------------------------------- /examples/mlu_extension/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/examples/mlu_extension/setup.py -------------------------------------------------------------------------------- /examples/mlu_extension/tests/test_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/examples/mlu_extension/tests/test_sigmoid.py -------------------------------------------------------------------------------- /examples/training/multi_card_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/examples/training/multi_card_demo.py -------------------------------------------------------------------------------- /examples/training/single_card_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/examples/training/single_card_demo.py -------------------------------------------------------------------------------- /pytorch_patches/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/README.md -------------------------------------------------------------------------------- /pytorch_patches/commit_id: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/commit_id -------------------------------------------------------------------------------- /pytorch_patches/dataloader_counter_patch.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/dataloader_counter_patch.diff -------------------------------------------------------------------------------- /pytorch_patches/determin_pytorch_abi_version.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/determin_pytorch_abi_version.diff -------------------------------------------------------------------------------- /pytorch_patches/fix_comparison_op_bug.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/fix_comparison_op_bug.diff -------------------------------------------------------------------------------- /pytorch_patches/fix_pinmemory_bug.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/fix_pinmemory_bug.diff -------------------------------------------------------------------------------- /pytorch_patches/handle_special_mlu_op.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/handle_special_mlu_op.diff -------------------------------------------------------------------------------- /pytorch_patches/support_autocast.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_autocast.diff -------------------------------------------------------------------------------- /pytorch_patches/support_batch_norm_op.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_batch_norm_op.diff -------------------------------------------------------------------------------- /pytorch_patches/support_capturable_optim.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_capturable_optim.diff -------------------------------------------------------------------------------- /pytorch_patches/support_cpu_fallback.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_cpu_fallback.diff -------------------------------------------------------------------------------- /pytorch_patches/support_data_parallel.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_data_parallel.diff -------------------------------------------------------------------------------- /pytorch_patches/support_emit_cnpx.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_emit_cnpx.diff -------------------------------------------------------------------------------- /pytorch_patches/support_floattensor.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_floattensor.diff -------------------------------------------------------------------------------- /pytorch_patches/support_grad_check.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_grad_check.diff -------------------------------------------------------------------------------- /pytorch_patches/support_large_tensor_test.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_large_tensor_test.diff -------------------------------------------------------------------------------- /pytorch_patches/support_matmul_op.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_matmul_op.diff -------------------------------------------------------------------------------- /pytorch_patches/support_mlu_amp.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_mlu_amp.diff -------------------------------------------------------------------------------- /pytorch_patches/support_mlu_dataloader.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_mlu_dataloader.diff -------------------------------------------------------------------------------- /pytorch_patches/support_mlu_ddp.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_mlu_ddp.diff -------------------------------------------------------------------------------- /pytorch_patches/support_mlu_distributed.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_mlu_distributed.diff -------------------------------------------------------------------------------- /pytorch_patches/support_mlu_engine.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_mlu_engine.diff -------------------------------------------------------------------------------- /pytorch_patches/support_mlu_hooks.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_mlu_hooks.diff -------------------------------------------------------------------------------- /pytorch_patches/support_mlu_lazy_init.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_mlu_lazy_init.diff -------------------------------------------------------------------------------- /pytorch_patches/support_mlu_pin_memory.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_mlu_pin_memory.diff -------------------------------------------------------------------------------- /pytorch_patches/support_mlu_profiler.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_mlu_profiler.diff -------------------------------------------------------------------------------- /pytorch_patches/support_mlu_repeat_backward.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_mlu_repeat_backward.diff -------------------------------------------------------------------------------- /pytorch_patches/support_mlu_svd_op.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_mlu_svd_op.diff -------------------------------------------------------------------------------- /pytorch_patches/support_onehot.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_onehot.diff -------------------------------------------------------------------------------- /pytorch_patches/support_orig_test.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_orig_test.diff -------------------------------------------------------------------------------- /pytorch_patches/support_rnn_ops.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_rnn_ops.diff -------------------------------------------------------------------------------- /pytorch_patches/support_sdpa_with_privateuse.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_sdpa_with_privateuse.diff -------------------------------------------------------------------------------- /pytorch_patches/support_storage.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_storage.diff -------------------------------------------------------------------------------- /pytorch_patches/support_tf32_ctrl.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/support_tf32_ctrl.diff -------------------------------------------------------------------------------- /pytorch_patches/torch_version_pin.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/pytorch_patches/torch_version_pin.diff -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/requirements.txt -------------------------------------------------------------------------------- /scripts/apply_patches_to_pytorch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/apply_patches_to_pytorch.sh -------------------------------------------------------------------------------- /scripts/build_catch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/build_catch.sh -------------------------------------------------------------------------------- /scripts/build_catch_lib.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/build_catch_lib.sh -------------------------------------------------------------------------------- /scripts/hooks/README: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/hooks/README -------------------------------------------------------------------------------- /scripts/hooks/pre-commit: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/hooks/pre-commit -------------------------------------------------------------------------------- /scripts/release/.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/release/.dockerignore -------------------------------------------------------------------------------- /scripts/release/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/release/README.md -------------------------------------------------------------------------------- /scripts/release/build.property: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/release/build.property -------------------------------------------------------------------------------- /scripts/release/catch_trim_files.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/release/catch_trim_files.sh -------------------------------------------------------------------------------- /scripts/release/env_pytorch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/release/env_pytorch.sh -------------------------------------------------------------------------------- /scripts/release/gen_cambricon_neuware_lib.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/release/gen_cambricon_neuware_lib.sh -------------------------------------------------------------------------------- /scripts/release/independent_build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/release/independent_build.sh -------------------------------------------------------------------------------- /scripts/release/json_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/release/json_parser.py -------------------------------------------------------------------------------- /scripts/release/make_base_image.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/scripts/release/make_base_image.sh -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/setup.py -------------------------------------------------------------------------------- /test/cnpx/test_cnpx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/cnpx/test_cnpx.py -------------------------------------------------------------------------------- /test/codegen/test_gen_mlu_stubs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/codegen/test_gen_mlu_stubs.py -------------------------------------------------------------------------------- /test/common_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/common_utils.py -------------------------------------------------------------------------------- /test/cpp_extension/test_mlu_extension.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/cpp_extension/test_mlu_extension.py -------------------------------------------------------------------------------- /test/custom_ops/test_amp_update_unscale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_amp_update_unscale.py -------------------------------------------------------------------------------- /test/custom_ops/test_boxes_iou_bev.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_boxes_iou_bev.py -------------------------------------------------------------------------------- /test/custom_ops/test_boxes_overlap_bev.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_boxes_overlap_bev.py -------------------------------------------------------------------------------- /test/custom_ops/test_dump.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_dump.py -------------------------------------------------------------------------------- /test/custom_ops/test_fused_adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_fused_adam.py -------------------------------------------------------------------------------- /test/custom_ops/test_fused_l2_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_fused_l2_norm.py -------------------------------------------------------------------------------- /test/custom_ops/test_fused_lamb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_fused_lamb.py -------------------------------------------------------------------------------- /test/custom_ops/test_fused_sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_fused_sgd.py -------------------------------------------------------------------------------- /test/custom_ops/test_masked_softmax_dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_masked_softmax_dropout.py -------------------------------------------------------------------------------- /test/custom_ops/test_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_nms.py -------------------------------------------------------------------------------- /test/custom_ops/test_nms3D.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_nms3D.py -------------------------------------------------------------------------------- /test/custom_ops/test_points_in_boxes_mlu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_points_in_boxes_mlu.py -------------------------------------------------------------------------------- /test/custom_ops/test_rnnt_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_rnnt_loss.py -------------------------------------------------------------------------------- /test/custom_ops/test_voxel_pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/custom_ops/test_voxel_pooling.py -------------------------------------------------------------------------------- /test/distributed/test_distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/distributed/test_distributed.py -------------------------------------------------------------------------------- /test/distributed/test_distributed_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/distributed/test_distributed_wrapper.py -------------------------------------------------------------------------------- /test/distributions/test_distributions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/distributions/test_distributions.py -------------------------------------------------------------------------------- /test/fallback/test_fallback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/fallback/test_fallback.py -------------------------------------------------------------------------------- /test/mlu/test_amp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/mlu/test_amp.py -------------------------------------------------------------------------------- /test/mlu/test_autograd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/mlu/test_autograd.py -------------------------------------------------------------------------------- /test/mlu/test_caching_allocator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/mlu/test_caching_allocator.py -------------------------------------------------------------------------------- /test/mlu/test_device.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/mlu/test_device.py -------------------------------------------------------------------------------- /test/mlu/test_event.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/mlu/test_event.py -------------------------------------------------------------------------------- /test/mlu/test_lazy_init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/mlu/test_lazy_init.py -------------------------------------------------------------------------------- /test/mlu/test_mlu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/mlu/test_mlu.py -------------------------------------------------------------------------------- /test/mlu/test_stream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/mlu/test_stream.py -------------------------------------------------------------------------------- /test/mlu/test_tf32_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/mlu/test_tf32_ctrl.py -------------------------------------------------------------------------------- /test/multiprocessing/test_multiprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/multiprocessing/test_multiprocessing.py -------------------------------------------------------------------------------- /test/optimizer/test_fused_adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/optimizer/test_fused_adam.py -------------------------------------------------------------------------------- /test/optimizer/test_fused_lamb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/optimizer/test_fused_lamb.py -------------------------------------------------------------------------------- /test/optimizer/test_fused_sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/optimizer/test_fused_sgd.py -------------------------------------------------------------------------------- /test/perftool.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/perftool.md -------------------------------------------------------------------------------- /test/perftool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/perftool.py -------------------------------------------------------------------------------- /test/profiler/test_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/profiler/test_config.json -------------------------------------------------------------------------------- /test/profiler/test_kineto_tb_plugin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/profiler/test_kineto_tb_plugin.py -------------------------------------------------------------------------------- /test/profiler/test_profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/profiler/test_profiler.py -------------------------------------------------------------------------------- /test/profiler/test_profiler_emit_cnpx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/profiler/test_profiler_emit_cnpx.py -------------------------------------------------------------------------------- /test/profiler/test_profiler_pmu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/profiler/test_profiler_pmu.py -------------------------------------------------------------------------------- /test/profiler/test_profiler_with_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/profiler/test_profiler_with_config.py -------------------------------------------------------------------------------- /test/profiler/test_profiler_with_mlugraph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/profiler/test_profiler_with_mlugraph.py -------------------------------------------------------------------------------- /test/profiler/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/profiler/utils.py -------------------------------------------------------------------------------- /test/run_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/run_test.py -------------------------------------------------------------------------------- /test/storage/test_storage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/storage/test_storage.py -------------------------------------------------------------------------------- /test/torch/test_complex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch/test_complex.py -------------------------------------------------------------------------------- /test/torch/test_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch/test_dataloader.py -------------------------------------------------------------------------------- /test/torch/test_pin_memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch/test_pin_memory.py -------------------------------------------------------------------------------- /test/torch/test_random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch/test_random.py -------------------------------------------------------------------------------- /test/torch/test_save_and_load.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch/test_save_and_load.py -------------------------------------------------------------------------------- /test/torch/test_set_default_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch/test_set_default_type.py -------------------------------------------------------------------------------- /test/torch_ops/test_abs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_abs.py -------------------------------------------------------------------------------- /test/torch_ops/test_adaptive_pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_adaptive_pooling.py -------------------------------------------------------------------------------- /test/torch_ops/test_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_add.py -------------------------------------------------------------------------------- /test/torch_ops/test_addbmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_addbmm.py -------------------------------------------------------------------------------- /test/torch_ops/test_addcdiv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_addcdiv.py -------------------------------------------------------------------------------- /test/torch_ops/test_addcmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_addcmul.py -------------------------------------------------------------------------------- /test/torch_ops/test_addmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_addmm.py -------------------------------------------------------------------------------- /test/torch_ops/test_addmv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_addmv.py -------------------------------------------------------------------------------- /test/torch_ops/test_addr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_addr.py -------------------------------------------------------------------------------- /test/torch_ops/test_alias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_alias.py -------------------------------------------------------------------------------- /test/torch_ops/test_all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_all.py -------------------------------------------------------------------------------- /test/torch_ops/test_amax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_amax.py -------------------------------------------------------------------------------- /test/torch_ops/test_amin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_amin.py -------------------------------------------------------------------------------- /test/torch_ops/test_angle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_angle.py -------------------------------------------------------------------------------- /test/torch_ops/test_any.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_any.py -------------------------------------------------------------------------------- /test/torch_ops/test_arange.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_arange.py -------------------------------------------------------------------------------- /test/torch_ops/test_argmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_argmax.py -------------------------------------------------------------------------------- /test/torch_ops/test_argmin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_argmin.py -------------------------------------------------------------------------------- /test/torch_ops/test_argsort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_argsort.py -------------------------------------------------------------------------------- /test/torch_ops/test_as_strided.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_as_strided.py -------------------------------------------------------------------------------- /test/torch_ops/test_atan2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_atan2.py -------------------------------------------------------------------------------- /test/torch_ops/test_baddbmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_baddbmm.py -------------------------------------------------------------------------------- /test/torch_ops/test_batchnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_batchnorm.py -------------------------------------------------------------------------------- /test/torch_ops/test_bce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_bce.py -------------------------------------------------------------------------------- /test/torch_ops/test_bce_with_logits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_bce_with_logits.py -------------------------------------------------------------------------------- /test/torch_ops/test_bernoulli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_bernoulli.py -------------------------------------------------------------------------------- /test/torch_ops/test_bincount.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_bincount.py -------------------------------------------------------------------------------- /test/torch_ops/test_bitwise_and.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_bitwise_and.py -------------------------------------------------------------------------------- /test/torch_ops/test_bitwise_not.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_bitwise_not.py -------------------------------------------------------------------------------- /test/torch_ops/test_bitwise_or.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_bitwise_or.py -------------------------------------------------------------------------------- /test/torch_ops/test_bitwise_xor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_bitwise_xor.py -------------------------------------------------------------------------------- /test/torch_ops/test_bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_bmm.py -------------------------------------------------------------------------------- /test/torch_ops/test_cast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_cast.py -------------------------------------------------------------------------------- /test/torch_ops/test_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_cat.py -------------------------------------------------------------------------------- /test/torch_ops/test_cdist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_cdist.py -------------------------------------------------------------------------------- /test/torch_ops/test_ceil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_ceil.py -------------------------------------------------------------------------------- /test/torch_ops/test_chunk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_chunk.py -------------------------------------------------------------------------------- /test/torch_ops/test_clamp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_clamp.py -------------------------------------------------------------------------------- /test/torch_ops/test_clamp_max.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_clamp_max.py -------------------------------------------------------------------------------- /test/torch_ops/test_clamp_min.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_clamp_min.py -------------------------------------------------------------------------------- /test/torch_ops/test_clone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_clone.py -------------------------------------------------------------------------------- /test/torch_ops/test_conj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_conj.py -------------------------------------------------------------------------------- /test/torch_ops/test_constant_pad_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_constant_pad_nd.py -------------------------------------------------------------------------------- /test/torch_ops/test_contiguous.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_contiguous.py -------------------------------------------------------------------------------- /test/torch_ops/test_conv1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_conv1d.py -------------------------------------------------------------------------------- /test/torch_ops/test_conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_conv2d.py -------------------------------------------------------------------------------- /test/torch_ops/test_conv3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_conv3d.py -------------------------------------------------------------------------------- /test/torch_ops/test_copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_copy.py -------------------------------------------------------------------------------- /test/torch_ops/test_count_nonzero.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_count_nonzero.py -------------------------------------------------------------------------------- /test/torch_ops/test_cross.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_cross.py -------------------------------------------------------------------------------- /test/torch_ops/test_ctc_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_ctc_loss.py -------------------------------------------------------------------------------- /test/torch_ops/test_cummax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_cummax.py -------------------------------------------------------------------------------- /test/torch_ops/test_cummin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_cummin.py -------------------------------------------------------------------------------- /test/torch_ops/test_cumprod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_cumprod.py -------------------------------------------------------------------------------- /test/torch_ops/test_cumsum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_cumsum.py -------------------------------------------------------------------------------- /test/torch_ops/test_deform_conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_deform_conv2d.py -------------------------------------------------------------------------------- /test/torch_ops/test_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_det.py -------------------------------------------------------------------------------- /test/torch_ops/test_diag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_diag.py -------------------------------------------------------------------------------- /test/torch_ops/test_distributions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_distributions.py -------------------------------------------------------------------------------- /test/torch_ops/test_div.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_div.py -------------------------------------------------------------------------------- /test/torch_ops/test_divide.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_divide.py -------------------------------------------------------------------------------- /test/torch_ops/test_dot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_dot.py -------------------------------------------------------------------------------- /test/torch_ops/test_dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_dropout.py -------------------------------------------------------------------------------- /test/torch_ops/test_elu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_elu.py -------------------------------------------------------------------------------- /test/torch_ops/test_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_embedding.py -------------------------------------------------------------------------------- /test/torch_ops/test_embedding_bag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_embedding_bag.py -------------------------------------------------------------------------------- /test/torch_ops/test_empty.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_empty.py -------------------------------------------------------------------------------- /test/torch_ops/test_empty_strided.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_empty_strided.py -------------------------------------------------------------------------------- /test/torch_ops/test_eq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_eq.py -------------------------------------------------------------------------------- /test/torch_ops/test_equal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_equal.py -------------------------------------------------------------------------------- /test/torch_ops/test_erf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_erf.py -------------------------------------------------------------------------------- /test/torch_ops/test_erfc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_erfc.py -------------------------------------------------------------------------------- /test/torch_ops/test_erfinv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_erfinv.py -------------------------------------------------------------------------------- /test/torch_ops/test_exp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_exp.py -------------------------------------------------------------------------------- /test/torch_ops/test_exp2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_exp2.py -------------------------------------------------------------------------------- /test/torch_ops/test_expand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_expand.py -------------------------------------------------------------------------------- /test/torch_ops/test_expm1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_expm1.py -------------------------------------------------------------------------------- /test/torch_ops/test_exponential.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_exponential.py -------------------------------------------------------------------------------- /test/torch_ops/test_eye.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_eye.py -------------------------------------------------------------------------------- /test/torch_ops/test_fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_fill.py -------------------------------------------------------------------------------- /test/torch_ops/test_fix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_fix.py -------------------------------------------------------------------------------- /test/torch_ops/test_flip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_flip.py -------------------------------------------------------------------------------- /test/torch_ops/test_floor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_floor.py -------------------------------------------------------------------------------- /test/torch_ops/test_floor_divide.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_floor_divide.py -------------------------------------------------------------------------------- /test/torch_ops/test_fmod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_fmod.py -------------------------------------------------------------------------------- /test/torch_ops/test_frac.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_frac.py -------------------------------------------------------------------------------- /test/torch_ops/test_full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_full.py -------------------------------------------------------------------------------- /test/torch_ops/test_gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_gather.py -------------------------------------------------------------------------------- /test/torch_ops/test_ge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_ge.py -------------------------------------------------------------------------------- /test/torch_ops/test_gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_gelu.py -------------------------------------------------------------------------------- /test/torch_ops/test_ger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_ger.py -------------------------------------------------------------------------------- /test/torch_ops/test_glu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_glu.py -------------------------------------------------------------------------------- /test/torch_ops/test_grid_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_grid_sampler.py -------------------------------------------------------------------------------- /test/torch_ops/test_group_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_group_norm.py -------------------------------------------------------------------------------- /test/torch_ops/test_gru_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_gru_cell.py -------------------------------------------------------------------------------- /test/torch_ops/test_gt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_gt.py -------------------------------------------------------------------------------- /test/torch_ops/test_hardshrink.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_hardshrink.py -------------------------------------------------------------------------------- /test/torch_ops/test_hardsigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_hardsigmoid.py -------------------------------------------------------------------------------- /test/torch_ops/test_hardswish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_hardswish.py -------------------------------------------------------------------------------- /test/torch_ops/test_hardtanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_hardtanh.py -------------------------------------------------------------------------------- /test/torch_ops/test_histc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_histc.py -------------------------------------------------------------------------------- /test/torch_ops/test_index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_index.py -------------------------------------------------------------------------------- /test/torch_ops/test_index_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_index_add.py -------------------------------------------------------------------------------- /test/torch_ops/test_index_copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_index_copy.py -------------------------------------------------------------------------------- /test/torch_ops/test_index_fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_index_fill.py -------------------------------------------------------------------------------- /test/torch_ops/test_index_put.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_index_put.py -------------------------------------------------------------------------------- /test/torch_ops/test_index_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_index_select.py -------------------------------------------------------------------------------- /test/torch_ops/test_inverse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_inverse.py -------------------------------------------------------------------------------- /test/torch_ops/test_isfinite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_isfinite.py -------------------------------------------------------------------------------- /test/torch_ops/test_isin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_isin.py -------------------------------------------------------------------------------- /test/torch_ops/test_isnan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_isnan.py -------------------------------------------------------------------------------- /test/torch_ops/test_item.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_item.py -------------------------------------------------------------------------------- /test/torch_ops/test_kl_div.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_kl_div.py -------------------------------------------------------------------------------- /test/torch_ops/test_kthvalue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_kthvalue.py -------------------------------------------------------------------------------- /test/torch_ops/test_l1_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_l1_loss.py -------------------------------------------------------------------------------- /test/torch_ops/test_layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_layer_norm.py -------------------------------------------------------------------------------- /test/torch_ops/test_layer_norm_backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_layer_norm_backward.py -------------------------------------------------------------------------------- /test/torch_ops/test_le.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_le.py -------------------------------------------------------------------------------- /test/torch_ops/test_leaky_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_leaky_relu.py -------------------------------------------------------------------------------- /test/torch_ops/test_lerp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_lerp.py -------------------------------------------------------------------------------- /test/torch_ops/test_linalg_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_linalg_norm.py -------------------------------------------------------------------------------- /test/torch_ops/test_linalg_vector_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_linalg_vector_norm.py -------------------------------------------------------------------------------- /test/torch_ops/test_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_linear.py -------------------------------------------------------------------------------- /test/torch_ops/test_linspace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_linspace.py -------------------------------------------------------------------------------- /test/torch_ops/test_log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_log.py -------------------------------------------------------------------------------- /test/torch_ops/test_logaddexp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_logaddexp.py -------------------------------------------------------------------------------- /test/torch_ops/test_logaddexp2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_logaddexp2.py -------------------------------------------------------------------------------- /test/torch_ops/test_logdet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_logdet.py -------------------------------------------------------------------------------- /test/torch_ops/test_logical_and.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_logical_and.py -------------------------------------------------------------------------------- /test/torch_ops/test_logical_not.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_logical_not.py -------------------------------------------------------------------------------- /test/torch_ops/test_logical_or.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_logical_or.py -------------------------------------------------------------------------------- /test/torch_ops/test_logical_xor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_logical_xor.py -------------------------------------------------------------------------------- /test/torch_ops/test_logsigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_logsigmoid.py -------------------------------------------------------------------------------- /test/torch_ops/test_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_lstm.py -------------------------------------------------------------------------------- /test/torch_ops/test_lstm_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_lstm_cell.py -------------------------------------------------------------------------------- /test/torch_ops/test_lt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_lt.py -------------------------------------------------------------------------------- /test/torch_ops/test_masked_fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_masked_fill.py -------------------------------------------------------------------------------- /test/torch_ops/test_masked_scale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_masked_scale.py -------------------------------------------------------------------------------- /test/torch_ops/test_masked_scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_masked_scatter.py -------------------------------------------------------------------------------- /test/torch_ops/test_masked_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_masked_select.py -------------------------------------------------------------------------------- /test/torch_ops/test_matmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_matmul.py -------------------------------------------------------------------------------- /test/torch_ops/test_max.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_max.py -------------------------------------------------------------------------------- /test/torch_ops/test_max_unpool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_max_unpool2d.py -------------------------------------------------------------------------------- /test/torch_ops/test_mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_mean.py -------------------------------------------------------------------------------- /test/torch_ops/test_median.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_median.py -------------------------------------------------------------------------------- /test/torch_ops/test_min.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_min.py -------------------------------------------------------------------------------- /test/torch_ops/test_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_mm.py -------------------------------------------------------------------------------- /test/torch_ops/test_mse_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_mse_loss.py -------------------------------------------------------------------------------- /test/torch_ops/test_mul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_mul.py -------------------------------------------------------------------------------- /test/torch_ops/test_multinomial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_multinomial.py -------------------------------------------------------------------------------- /test/torch_ops/test_nan_to_num.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_nan_to_num.py -------------------------------------------------------------------------------- /test/torch_ops/test_nansum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_nansum.py -------------------------------------------------------------------------------- /test/torch_ops/test_narrow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_narrow.py -------------------------------------------------------------------------------- /test/torch_ops/test_ne.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_ne.py -------------------------------------------------------------------------------- /test/torch_ops/test_neg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_neg.py -------------------------------------------------------------------------------- /test/torch_ops/test_nll_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_nll_loss.py -------------------------------------------------------------------------------- /test/torch_ops/test_nn_fold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_nn_fold.py -------------------------------------------------------------------------------- /test/torch_ops/test_nn_unfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_nn_unfold.py -------------------------------------------------------------------------------- /test/torch_ops/test_nonzero.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_nonzero.py -------------------------------------------------------------------------------- /test/torch_ops/test_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_norm.py -------------------------------------------------------------------------------- /test/torch_ops/test_normal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_normal.py -------------------------------------------------------------------------------- /test/torch_ops/test_ones.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_ones.py -------------------------------------------------------------------------------- /test/torch_ops/test_packed_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_packed_lstm.py -------------------------------------------------------------------------------- /test/torch_ops/test_permute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_permute.py -------------------------------------------------------------------------------- /test/torch_ops/test_polar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_polar.py -------------------------------------------------------------------------------- /test/torch_ops/test_pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_pooling.py -------------------------------------------------------------------------------- /test/torch_ops/test_poolingbp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_poolingbp.py -------------------------------------------------------------------------------- /test/torch_ops/test_pow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_pow.py -------------------------------------------------------------------------------- /test/torch_ops/test_prelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_prelu.py -------------------------------------------------------------------------------- /test/torch_ops/test_prod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_prod.py -------------------------------------------------------------------------------- /test/torch_ops/test_put.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_put.py -------------------------------------------------------------------------------- /test/torch_ops/test_qr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_qr.py -------------------------------------------------------------------------------- /test/torch_ops/test_randint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_randint.py -------------------------------------------------------------------------------- /test/torch_ops/test_randn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_randn.py -------------------------------------------------------------------------------- /test/torch_ops/test_randn_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_randn_like.py -------------------------------------------------------------------------------- /test/torch_ops/test_randperm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_randperm.py -------------------------------------------------------------------------------- /test/torch_ops/test_reciprocal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_reciprocal.py -------------------------------------------------------------------------------- /test/torch_ops/test_reflection_pad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_reflection_pad.py -------------------------------------------------------------------------------- /test/torch_ops/test_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_relu.py -------------------------------------------------------------------------------- /test/torch_ops/test_remainder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_remainder.py -------------------------------------------------------------------------------- /test/torch_ops/test_repeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_repeat.py -------------------------------------------------------------------------------- /test/torch_ops/test_repeat_interleave.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_repeat_interleave.py -------------------------------------------------------------------------------- /test/torch_ops/test_replication_pad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_replication_pad.py -------------------------------------------------------------------------------- /test/torch_ops/test_reshape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_reshape.py -------------------------------------------------------------------------------- /test/torch_ops/test_rnn_gru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_rnn_gru.py -------------------------------------------------------------------------------- /test/torch_ops/test_rnn_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_rnn_utils.py -------------------------------------------------------------------------------- /test/torch_ops/test_roialign.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_roialign.py -------------------------------------------------------------------------------- /test/torch_ops/test_roll.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_roll.py -------------------------------------------------------------------------------- /test/torch_ops/test_round.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_round.py -------------------------------------------------------------------------------- /test/torch_ops/test_rrelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_rrelu.py -------------------------------------------------------------------------------- /test/torch_ops/test_rsqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_rsqrt.py -------------------------------------------------------------------------------- /test/torch_ops/test_scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_scatter.py -------------------------------------------------------------------------------- /test/torch_ops/test_scatter_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_scatter_add.py -------------------------------------------------------------------------------- /test/torch_ops/test_scatter_reduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_scatter_reduce.py -------------------------------------------------------------------------------- /test/torch_ops/test_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_select.py -------------------------------------------------------------------------------- /test/torch_ops/test_selu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_selu.py -------------------------------------------------------------------------------- /test/torch_ops/test_set.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_set.py -------------------------------------------------------------------------------- /test/torch_ops/test_sgn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_sgn.py -------------------------------------------------------------------------------- /test/torch_ops/test_shift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_shift.py -------------------------------------------------------------------------------- /test/torch_ops/test_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_sigmoid.py -------------------------------------------------------------------------------- /test/torch_ops/test_sign.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_sign.py -------------------------------------------------------------------------------- /test/torch_ops/test_silu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_silu.py -------------------------------------------------------------------------------- /test/torch_ops/test_skip_init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_skip_init.py -------------------------------------------------------------------------------- /test/torch_ops/test_slice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_slice.py -------------------------------------------------------------------------------- /test/torch_ops/test_slogdet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_slogdet.py -------------------------------------------------------------------------------- /test/torch_ops/test_smooth_l1_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_smooth_l1_loss.py -------------------------------------------------------------------------------- /test/torch_ops/test_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_softmax.py -------------------------------------------------------------------------------- /test/torch_ops/test_softplus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_softplus.py -------------------------------------------------------------------------------- /test/torch_ops/test_softshrink.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_softshrink.py -------------------------------------------------------------------------------- /test/torch_ops/test_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_sort.py -------------------------------------------------------------------------------- /test/torch_ops/test_spectral_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_spectral_ops.py -------------------------------------------------------------------------------- /test/torch_ops/test_split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_split.py -------------------------------------------------------------------------------- /test/torch_ops/test_sqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_sqrt.py -------------------------------------------------------------------------------- /test/torch_ops/test_squeeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_squeeze.py -------------------------------------------------------------------------------- /test/torch_ops/test_stack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_stack.py -------------------------------------------------------------------------------- /test/torch_ops/test_std.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_std.py -------------------------------------------------------------------------------- /test/torch_ops/test_sub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_sub.py -------------------------------------------------------------------------------- /test/torch_ops/test_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_sum.py -------------------------------------------------------------------------------- /test/torch_ops/test_svd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_svd.py -------------------------------------------------------------------------------- /test/torch_ops/test_syncbn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_syncbn.py -------------------------------------------------------------------------------- /test/torch_ops/test_take.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_take.py -------------------------------------------------------------------------------- /test/torch_ops/test_tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_tanh.py -------------------------------------------------------------------------------- /test/torch_ops/test_threshold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_threshold.py -------------------------------------------------------------------------------- /test/torch_ops/test_topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_topk.py -------------------------------------------------------------------------------- /test/torch_ops/test_trace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_trace.py -------------------------------------------------------------------------------- /test/torch_ops/test_transpose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_transpose.py -------------------------------------------------------------------------------- /test/torch_ops/test_trigon.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_trigon.py -------------------------------------------------------------------------------- /test/torch_ops/test_tril.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_tril.py -------------------------------------------------------------------------------- /test/torch_ops/test_triu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_triu.py -------------------------------------------------------------------------------- /test/torch_ops/test_trunc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_trunc.py -------------------------------------------------------------------------------- /test/torch_ops/test_unbind.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_unbind.py -------------------------------------------------------------------------------- /test/torch_ops/test_unfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_unfold.py -------------------------------------------------------------------------------- /test/torch_ops/test_uniform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_uniform.py -------------------------------------------------------------------------------- /test/torch_ops/test_unique.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_unique.py -------------------------------------------------------------------------------- /test/torch_ops/test_unique_consecutive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_unique_consecutive.py -------------------------------------------------------------------------------- /test/torch_ops/test_unsqueeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_unsqueeze.py -------------------------------------------------------------------------------- /test/torch_ops/test_upsample_bicubic2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_upsample_bicubic2d.py -------------------------------------------------------------------------------- /test/torch_ops/test_upsample_bilinear2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_upsample_bilinear2d.py -------------------------------------------------------------------------------- /test/torch_ops/test_upsample_linear1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_upsample_linear1d.py -------------------------------------------------------------------------------- /test/torch_ops/test_upsample_nearest1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_upsample_nearest1d.py -------------------------------------------------------------------------------- /test/torch_ops/test_upsample_nearest2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_upsample_nearest2d.py -------------------------------------------------------------------------------- /test/torch_ops/test_upsample_trilinear3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_upsample_trilinear3d.py -------------------------------------------------------------------------------- /test/torch_ops/test_var.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_var.py -------------------------------------------------------------------------------- /test/torch_ops/test_view.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_view.py -------------------------------------------------------------------------------- /test/torch_ops/test_view_as_complex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_view_as_complex.py -------------------------------------------------------------------------------- /test/torch_ops/test_view_as_real.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_view_as_real.py -------------------------------------------------------------------------------- /test/torch_ops/test_weight_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_weight_norm.py -------------------------------------------------------------------------------- /test/torch_ops/test_where.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_where.py -------------------------------------------------------------------------------- /test/torch_ops/test_xlogy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_xlogy.py -------------------------------------------------------------------------------- /test/torch_ops/test_zeros.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/torch_ops/test_zeros.py -------------------------------------------------------------------------------- /test/utils/test_cnnl_op_exception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/utils/test_cnnl_op_exception.py -------------------------------------------------------------------------------- /test/utils/test_collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/utils/test_collect_env.py -------------------------------------------------------------------------------- /test/utils/test_counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/utils/test_counter.py -------------------------------------------------------------------------------- /test/utils/test_distributed_timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/utils/test_distributed_timer.py -------------------------------------------------------------------------------- /test/utils/test_dumptool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/utils/test_dumptool.py -------------------------------------------------------------------------------- /test/utils/test_fakecase_print_log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/utils/test_fakecase_print_log.py -------------------------------------------------------------------------------- /test/utils/test_gpu_migration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/utils/test_gpu_migration.py -------------------------------------------------------------------------------- /test/utils/test_torch_gpu2mlu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/utils/test_torch_gpu2mlu.py -------------------------------------------------------------------------------- /test/utils/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/utils/test_utils.py -------------------------------------------------------------------------------- /test/view_chain/test_close_view_chain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/view_chain/test_close_view_chain.py -------------------------------------------------------------------------------- /test/view_chain/test_close_view_chain_fuser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/view_chain/test_close_view_chain_fuser.py -------------------------------------------------------------------------------- /test/view_chain/test_multiline_views_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/view_chain/test_multiline_views_graph.py -------------------------------------------------------------------------------- /test/view_chain/test_print_view_chain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/view_chain/test_print_view_chain.py -------------------------------------------------------------------------------- /test/view_chain/test_residualway_views_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/view_chain/test_residualway_views_graph.py -------------------------------------------------------------------------------- /test/view_chain/test_singleline_views_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/view_chain/test_singleline_views_graph.py -------------------------------------------------------------------------------- /test/view_chain/test_view_chain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/test/view_chain/test_view_chain.py -------------------------------------------------------------------------------- /third_party/googletest/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/CMakeLists.txt -------------------------------------------------------------------------------- /third_party/googletest/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/README.md -------------------------------------------------------------------------------- /third_party/googletest/cmake/Config.cmake.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/cmake/Config.cmake.in -------------------------------------------------------------------------------- /third_party/googletest/cmake/gtest.pc.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/cmake/gtest.pc.in -------------------------------------------------------------------------------- /third_party/googletest/cmake/gtest_main.pc.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/cmake/gtest_main.pc.in -------------------------------------------------------------------------------- /third_party/googletest/cmake/internal_utils.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/cmake/internal_utils.cmake -------------------------------------------------------------------------------- /third_party/googletest/cmake/libgtest.la.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/cmake/libgtest.la.in -------------------------------------------------------------------------------- /third_party/googletest/docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/docs/README.md -------------------------------------------------------------------------------- /third_party/googletest/include/gtest/gtest-spi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/include/gtest/gtest-spi.h -------------------------------------------------------------------------------- /third_party/googletest/include/gtest/gtest.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/include/gtest/gtest.h -------------------------------------------------------------------------------- /third_party/googletest/include/gtest/gtest_prod.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/include/gtest/gtest_prod.h -------------------------------------------------------------------------------- /third_party/googletest/samples/prime_tables.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/samples/prime_tables.h -------------------------------------------------------------------------------- /third_party/googletest/samples/sample1.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/samples/sample1.cc -------------------------------------------------------------------------------- /third_party/googletest/samples/sample1.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/samples/sample1.h -------------------------------------------------------------------------------- /third_party/googletest/samples/sample2.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/samples/sample2.cc -------------------------------------------------------------------------------- /third_party/googletest/samples/sample2.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/samples/sample2.h -------------------------------------------------------------------------------- /third_party/googletest/samples/sample3-inl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/samples/sample3-inl.h -------------------------------------------------------------------------------- /third_party/googletest/samples/sample4.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/samples/sample4.cc -------------------------------------------------------------------------------- /third_party/googletest/samples/sample4.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/samples/sample4.h -------------------------------------------------------------------------------- /third_party/googletest/scripts/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/scripts/README.md -------------------------------------------------------------------------------- /third_party/googletest/scripts/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/scripts/common.py -------------------------------------------------------------------------------- /third_party/googletest/scripts/gtest-config.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/scripts/gtest-config.in -------------------------------------------------------------------------------- /third_party/googletest/scripts/release_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/scripts/release_docs.py -------------------------------------------------------------------------------- /third_party/googletest/scripts/run_with_path.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/scripts/run_with_path.py -------------------------------------------------------------------------------- /third_party/googletest/scripts/test/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/scripts/test/Makefile -------------------------------------------------------------------------------- /third_party/googletest/scripts/upload.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/scripts/upload.py -------------------------------------------------------------------------------- /third_party/googletest/scripts/upload_gtest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/scripts/upload_gtest.py -------------------------------------------------------------------------------- /third_party/googletest/src/gtest-all.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/src/gtest-all.cc -------------------------------------------------------------------------------- /third_party/googletest/src/gtest-death-test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/src/gtest-death-test.cc -------------------------------------------------------------------------------- /third_party/googletest/src/gtest-filepath.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/src/gtest-filepath.cc -------------------------------------------------------------------------------- /third_party/googletest/src/gtest-internal-inl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/src/gtest-internal-inl.h -------------------------------------------------------------------------------- /third_party/googletest/src/gtest-matchers.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/src/gtest-matchers.cc -------------------------------------------------------------------------------- /third_party/googletest/src/gtest-port.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/src/gtest-port.cc -------------------------------------------------------------------------------- /third_party/googletest/src/gtest-printers.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/src/gtest-printers.cc -------------------------------------------------------------------------------- /third_party/googletest/src/gtest-test-part.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/src/gtest-test-part.cc -------------------------------------------------------------------------------- /third_party/googletest/src/gtest-typed-test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/src/gtest-typed-test.cc -------------------------------------------------------------------------------- /third_party/googletest/src/gtest.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/src/gtest.cc -------------------------------------------------------------------------------- /third_party/googletest/src/gtest_main.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/src/gtest_main.cc -------------------------------------------------------------------------------- /third_party/googletest/test/BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/test/BUILD.bazel -------------------------------------------------------------------------------- /third_party/googletest/test/gtest_all_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/test/gtest_all_test.cc -------------------------------------------------------------------------------- /third_party/googletest/test/gtest_help_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/test/gtest_help_test.py -------------------------------------------------------------------------------- /third_party/googletest/test/gtest_help_test_.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/test/gtest_help_test_.cc -------------------------------------------------------------------------------- /third_party/googletest/test/gtest_prod_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/test/gtest_prod_test.cc -------------------------------------------------------------------------------- /third_party/googletest/test/gtest_repeat_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/test/gtest_repeat_test.cc -------------------------------------------------------------------------------- /third_party/googletest/test/gtest_skip_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/test/gtest_skip_test.cc -------------------------------------------------------------------------------- /third_party/googletest/test/gtest_stress_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/test/gtest_stress_test.cc -------------------------------------------------------------------------------- /third_party/googletest/test/gtest_test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/test/gtest_test_utils.py -------------------------------------------------------------------------------- /third_party/googletest/test/gtest_unittest.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/test/gtest_unittest.cc -------------------------------------------------------------------------------- /third_party/googletest/test/production.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/test/production.cc -------------------------------------------------------------------------------- /third_party/googletest/test/production.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/googletest/test/production.h -------------------------------------------------------------------------------- /third_party/kineto_mlu/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /third_party/kineto_mlu/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/CONTRIBUTING.md -------------------------------------------------------------------------------- /third_party/kineto_mlu/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/LICENSE -------------------------------------------------------------------------------- /third_party/kineto_mlu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/README.md -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/libkineto/CMakeLists.txt -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/libkineto/README.md -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/include/Config.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/libkineto/include/Config.h -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/src/Config.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/libkineto/src/Config.cpp -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/src/Demangle.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/libkineto/src/Demangle.cpp -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/src/Demangle.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/libkineto/src/Demangle.h -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/src/Logger.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/libkineto/src/Logger.cpp -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/src/Logger.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/libkineto/src/Logger.h -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/src/ScopeExit.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/libkineto/src/ScopeExit.h -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/src/init.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/libkineto/src/init.cpp -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/src/mlu_call.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/libkineto/src/mlu_call.h -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/src/output_csv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/libkineto/src/output_csv.h -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/test/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/libkineto/test/README.md -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/third_party/fmt/doc/basic-bootstrap/theme.conf: -------------------------------------------------------------------------------- 1 | [theme] 2 | inherit = basic 3 | -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/third_party/fmt/support/AndroidManifest.xml: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/third_party/fmt/support/bazel/.bazelversion: -------------------------------------------------------------------------------- 1 | 6.1.2 2 | -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/third_party/fmt/support/bazel/WORKSPACE.bazel: -------------------------------------------------------------------------------- 1 | workspace(name = "fmt") 2 | -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/third_party/fmt/support/rtd/theme/theme.conf: -------------------------------------------------------------------------------- 1 | [theme] 2 | inherit = basic 3 | -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/third_party/googletest/googlemock/scripts/generator/cpp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/third_party/json/WORKSPACE.bazel: -------------------------------------------------------------------------------- 1 | workspace(name = "nlohmann_json") 2 | -------------------------------------------------------------------------------- /third_party/kineto_mlu/libkineto/third_party/json/tools/serve_header/requirements.txt: -------------------------------------------------------------------------------- 1 | PyYAML==6.0 2 | watchdog==2.1.7 3 | -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/.flake8: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/tb_plugin/.flake8 -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/.gitignore: -------------------------------------------------------------------------------- 1 | /build 2 | /dist 3 | /*.egg-info 4 | __pycache__ 5 | -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/tb_plugin/LICENSE -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/tb_plugin/README.md -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/fe/.gitignore: -------------------------------------------------------------------------------- 1 | /dist 2 | /node_modules 3 | *.log 4 | -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/fe/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/tb_plugin/fe/README.md -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/fe/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/tb_plugin/fe/index.html -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/fe/package.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/tb_plugin/fe/package.json -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/fe/prettier.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/tb_plugin/fe/prettier.json -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/fe/src/app.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/tb_plugin/fe/src/app.tsx -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/fe/src/index.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/tb_plugin/fe/src/index.tsx -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/fe/src/setup.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/tb_plugin/fe/src/setup.tsx -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/fe/tsconfig.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/tb_plugin/fe/tsconfig.json -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/fe/yarn.lock: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/tb_plugin/fe/yarn.lock -------------------------------------------------------------------------------- /third_party/kineto_mlu/tb_plugin/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/third_party/kineto_mlu/tb_plugin/setup.py -------------------------------------------------------------------------------- /tools/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/README.md -------------------------------------------------------------------------------- /tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/autogen_torch_api/README.md: -------------------------------------------------------------------------------- 1 | # Usage 2 | -------------------------------------------------------------------------------- /tools/autogen_torch_api/autogen_pytorch_apis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/autogen_torch_api/autogen_pytorch_apis.py -------------------------------------------------------------------------------- /tools/linter/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/linter/adapters/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/linter/adapters/README.md -------------------------------------------------------------------------------- /tools/linter/adapters/black_linter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/linter/adapters/black_linter.py -------------------------------------------------------------------------------- /tools/linter/adapters/clangformat_linter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/linter/adapters/clangformat_linter.py -------------------------------------------------------------------------------- /tools/linter/adapters/pip_init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/linter/adapters/pip_init.py -------------------------------------------------------------------------------- /tools/linter/adapters/s3_init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/linter/adapters/s3_init.py -------------------------------------------------------------------------------- /tools/linter/adapters/s3_init_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/linter/adapters/s3_init_config.json -------------------------------------------------------------------------------- /tools/loss_check/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/loss_check/README.md -------------------------------------------------------------------------------- /tools/loss_check/compute_r2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/loss_check/compute_r2.py -------------------------------------------------------------------------------- /tools/perf_env_check/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/perf_env_check/README.md -------------------------------------------------------------------------------- /tools/perf_env_check/check_ACS_status.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/perf_env_check/check_ACS_status.sh -------------------------------------------------------------------------------- /tools/perf_env_check/perf_env_check.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/perf_env_check/perf_env_check.sh -------------------------------------------------------------------------------- /tools/perf_env_check/set_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/perf_env_check/set_env.sh -------------------------------------------------------------------------------- /tools/torch_gpu2mlu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/torch_gpu2mlu/README.md -------------------------------------------------------------------------------- /tools/torch_gpu2mlu/torch_gpu2mlu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/torch_gpu2mlu/torch_gpu2mlu.py -------------------------------------------------------------------------------- /tools/yapf_format/README.md: -------------------------------------------------------------------------------- 1 | # Usage 2 | -------------------------------------------------------------------------------- /tools/yapf_format/yapf_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/tools/yapf_format/yapf_format.py -------------------------------------------------------------------------------- /torch_mlu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/__init__.py -------------------------------------------------------------------------------- /torch_mlu/backends/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/backends/__init__.py -------------------------------------------------------------------------------- /torch_mlu/backends/cnnl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/backends/cnnl/__init__.py -------------------------------------------------------------------------------- /torch_mlu/backends/mlu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/backends/mlu/__init__.py -------------------------------------------------------------------------------- /torch_mlu/backends/mlufusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/backends/mlufusion/__init__.py -------------------------------------------------------------------------------- /torch_mlu/csrc/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/CMakeLists.txt -------------------------------------------------------------------------------- /torch_mlu/csrc/api/include/torch_mlu/torch_mlu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/api/include/torch_mlu/torch_mlu.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/CMakeLists.txt -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/DispatchStub.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/DispatchStub.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/MLUFallback.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/MLUFallback.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/MLUFallback.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/MLUFallback.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/TensorIteratorBridge.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/TensorIteratorBridge.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/TensorIteratorBridge.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/TensorIteratorBridge.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/autocast_mode.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/autocast_mode.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/cnnl/cnnlAlgorithms.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/cnnl/cnnlAlgorithms.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/cnnl/cnnlCommonDescriptors.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/cnnl/cnnlCommonDescriptors.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/cnnl/cnnlDescriptors.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/cnnl/cnnlDescriptors.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/cnnl/cnnlHandle.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/cnnl/cnnlHandle.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/cnnl/cnnlHandle.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/cnnl/cnnlHandle.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/cnnl/cnnlHeuristicResult.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/cnnl/cnnlHeuristicResult.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/cnnl/cnnlHeuristicResult.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/cnnl/cnnlHeuristicResult.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/cnnl/cnnlOpDescriptors.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/cnnl/cnnlOpDescriptors.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/cnnl/cnnlOpDescriptors.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/cnnl/cnnlOpDescriptors.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/cnnl/cnnlTensorDesc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/cnnl/cnnlTensorDesc.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/cnnl/cnnlTensorDesc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/cnnl/cnnlTensorDesc.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/cnnl/cnnlTensorDescriptors.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/cnnl/cnnlTensorDescriptors.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/mluop/mluopDescriptors.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/mluop/mluopDescriptors.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/mluop/mluopHandle.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/mluop/mluopHandle.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/mluop/mluopHandle.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/mluop/mluopHandle.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/mluop/mluopUtils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/mluop/mluopUtils.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/mluop/mluopUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/mluop/mluopUtils.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/README.md: -------------------------------------------------------------------------------- 1 | # This folder is used to add MLU Operators 2 | -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/bang/dump.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/bang/dump.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/bang/fused_adam.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/bang/fused_adam.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/bang/fused_lamb.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/bang/fused_lamb.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/bang/fused_sgd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/bang/fused_sgd.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/abs.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/abs.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/activation.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/activation.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/add.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/add.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/addbmm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/addbmm.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/addcdiv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/addcdiv.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/addcmul.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/addcmul.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/addmm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/addmm.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/addmv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/addmv.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/addr.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/addr.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/angle.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/angle.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/arange.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/arange.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/as_strided.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/as_strided.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/baddbmm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/baddbmm.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/bce.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/bce.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/bernoulli.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/bernoulli.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/bincount.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/bincount.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/cat.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/cat.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/cdist.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/cdist.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/ceil.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/ceil.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/clamp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/clamp.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/clone.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/clone.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/cnnlOpParams.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/cnnlOpParams.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/col2im.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/col2im.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/conj.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/conj.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/convolution.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/convolution.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/copy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/copy.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/copy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/copy.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/copy_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/copy_utils.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/copy_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/copy_utils.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/cross.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/cross.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/ctc_loss.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/ctc_loss.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/cummin_max.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/cummin_max.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/cumprod.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/cumprod.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/cumsum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/cumsum.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/det.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/det.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/diag.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/diag.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/div.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/div.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/dot.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/dot.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/dropout.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/dropout.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/embedding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/embedding.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/erf.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/erf.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/erfc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/erfc.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/erfinv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/erfinv.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/exp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/exp.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/exp2.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/exp2.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/expm1.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/expm1.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/eye.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/eye.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/fft.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/fft.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/fill.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/fill.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/flip.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/flip.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/floor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/floor.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/fmod.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/fmod.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/frac.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/frac.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/gather.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/gather.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/group_norm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/group_norm.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/histc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/histc.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/im2col.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/im2col.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/index.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/index.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/index_add.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/index_add.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/index_copy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/index_copy.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/index_fill.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/index_fill.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/index_put.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/index_put.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/index_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/index_utils.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/inverse.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/inverse.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/isin.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/isin.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/kthvalue.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/kthvalue.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/lerp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/lerp.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/linspace.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/linspace.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/log.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/logaddexp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/logaddexp.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/logic.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/logic.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/max.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/max.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/max_unpool.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/max_unpool.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/median.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/median.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/min.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/min.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/mse_loss.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/mse_loss.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/mul.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/mul.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/nan_to_num.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/nan_to_num.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/neg.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/neg.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/nllloss.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/nllloss.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/nms.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/nms.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/nms3D.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/nms3D.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/nonzero.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/nonzero.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/normal.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/normal.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/pin_memory.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/pin_memory.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/polar.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/polar.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/pooling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/pooling.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/pow.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/pow.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/prelu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/prelu.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/put.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/put.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/qr.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/qr.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/random.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/random.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/randperm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/randperm.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/reciprocal.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/reciprocal.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/reduceOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/reduceOps.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/remainder.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/remainder.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/repeat.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/repeat.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/reshape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/reshape.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/resize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/resize.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/resize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/resize.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/rnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/rnn.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/rnnt.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/rnnt.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/roi_align.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/roi_align.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/roll.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/roll.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/round.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/round.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/rsqrt.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/rsqrt.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/scalar.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/scalar.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/scatter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/scatter.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/sgn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/sgn.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/sign.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/sign.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/slogdet.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/slogdet.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/softmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/softmax.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/sort.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/sort.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/sqrt.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/sqrt.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/sub.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/sub.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/svd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/svd.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/syncbn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/syncbn.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/take.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/take.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/topk.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/topk.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/trace.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/trace.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/trigon.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/trigon.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/tril.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/tril.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/triu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/triu.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/trunc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/trunc.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/unfold.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/unfold.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/unique.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/unique.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/where.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/where.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/xlogy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/xlogy.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cnnl/zero.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cnnl/zero.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cpu/cpu_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cpu/cpu_kernel.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/operators/cpu/nms3D_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/operators/cpu/nms3D_cpu.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/accumulate_type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/accumulate_type.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/binaryops_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/binaryops_util.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/binaryops_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/binaryops_util.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/cnnl_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/cnnl_util.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/cnnl_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/cnnl_util.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/dispatch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/dispatch.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/exceptions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/exceptions.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/internal_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/internal_util.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/internal_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/internal_util.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/tensor_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/tensor_util.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/tensor_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/tensor_util.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/types.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/types.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/types.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/utils/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/utils/utils.h -------------------------------------------------------------------------------- /torch_mlu/csrc/aten/viewchain/contiguous.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/aten/viewchain/contiguous.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/CMakeLists.txt -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/MLUEvent.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/MLUEvent.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/MLUEvent.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/MLUEvent.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/MLUStream.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/MLUStream.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/MLUStream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/MLUStream.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/caching_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/caching_allocator.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/caching_event.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/caching_event.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/caching_event.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/caching_event.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/device.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/device.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/device.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/device_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/device_utils.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/guard_impl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/guard_impl.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/guard_impl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/guard_impl.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/memory_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/memory_allocator.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/memory_snapshot.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/memory_snapshot.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/memory_snapshot.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/memory_snapshot.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/mlu_guard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/mlu_guard.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/stream_guard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/stream_guard.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/core/tensor_impl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/core/tensor_impl.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/distributed/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/distributed/README.md -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/distributed/cncl_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/distributed/cncl_utils.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/fallback/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/fallback/README.md -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/graphs/MLUGraph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/graphs/MLUGraph.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/graphs/MLUGraph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/graphs/MLUGraph.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/graphs/MLUGraphUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/graphs/MLUGraphUtils.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/hooks/MLUHooks.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/hooks/MLUHooks.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/hooks/MLUHooks.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/hooks/MLUHooks.h -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/hooks/README.md: -------------------------------------------------------------------------------- 1 | # This folder is used to place the mluhook 2 | -------------------------------------------------------------------------------- /torch_mlu/csrc/framework/profiler/mlu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/framework/profiler/mlu.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Autocast.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Autocast.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Autocast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Autocast.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Cnpx.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Cnpx.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Cnpx.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Cnpx.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Event.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Event.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Event.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Event.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Graph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Graph.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Graph.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/MluIPCTypes.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/MluIPCTypes.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/MluIPCTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/MluIPCTypes.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Module.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Module.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Module.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/ProcessGroupCNCL.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/ProcessGroupCNCL.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/ProcessGroupCNCL.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/ProcessGroupCNCL.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/PythonTensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/PythonTensor.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/PythonTensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/PythonTensor.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Storage.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Storage.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Storage.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/StorageMethods.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/StorageMethods.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/StorageMethods.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/StorageMethods.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/StorageSharing.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/StorageSharing.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/StorageSharing.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/StorageSharing.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Stream.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Stream.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/Stream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/Stream.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/THMP.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/THMP.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/combined_traceback.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/combined_traceback.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/combined_traceback.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/combined_traceback.h -------------------------------------------------------------------------------- /torch_mlu/csrc/python/python_variable_methods.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/python_variable_methods.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/serialization.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/serialization.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/python/serialization.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/python/serialization.h -------------------------------------------------------------------------------- /torch_mlu/csrc/stub.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/stub.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/test/CMakeLists.txt -------------------------------------------------------------------------------- /torch_mlu/csrc/test/cnnl/README.md: -------------------------------------------------------------------------------- 1 | # place cnnl related test cases 2 | -------------------------------------------------------------------------------- /torch_mlu/csrc/test/common/README.md: -------------------------------------------------------------------------------- 1 | # place common test cases 2 | -------------------------------------------------------------------------------- /torch_mlu/csrc/test/common/test_guardimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/test/common/test_guardimpl.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/test/common/test_notifier.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/test/common/test_notifier.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/test/common/test_queue.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/test/common/test_queue.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/test/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/test/main.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/utils/Export.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/utils/Export.h -------------------------------------------------------------------------------- /torch_mlu/csrc/utils/assert_tensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/utils/assert_tensor.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/utils/assert_tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/utils/assert_tensor.h -------------------------------------------------------------------------------- /torch_mlu/csrc/utils/cndumper.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/utils/cndumper.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/utils/cndumper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/utils/cndumper.h -------------------------------------------------------------------------------- /torch_mlu/csrc/utils/cnlog.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/utils/cnlog.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/utils/cnlog.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/utils/cnlog.h -------------------------------------------------------------------------------- /torch_mlu/csrc/utils/common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/utils/common.cpp -------------------------------------------------------------------------------- /torch_mlu/csrc/utils/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/utils/common.h -------------------------------------------------------------------------------- /torch_mlu/csrc/utils/version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/csrc/utils/version.h -------------------------------------------------------------------------------- /torch_mlu/dataloader/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/dataloader/data_loader.py -------------------------------------------------------------------------------- /torch_mlu/distributed/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/distributed/__init__.py -------------------------------------------------------------------------------- /torch_mlu/distributed/_shard/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch_mlu/distributed/_shard/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/distributed/_shard/api.py -------------------------------------------------------------------------------- /torch_mlu/distributed/_shard/tensor_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/distributed/_shard/tensor_ops.py -------------------------------------------------------------------------------- /torch_mlu/distributed/algorithms/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch_mlu/distributed/fsdp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch_mlu/distributed/fsdp/_init_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/distributed/fsdp/_init_utils.py -------------------------------------------------------------------------------- /torch_mlu/distributed/tensor/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch_mlu/mlu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/__init__.py -------------------------------------------------------------------------------- /torch_mlu/mlu/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/_utils.py -------------------------------------------------------------------------------- /torch_mlu/mlu/amp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/amp/__init__.py -------------------------------------------------------------------------------- /torch_mlu/mlu/amp/autocast_mode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/amp/autocast_mode.py -------------------------------------------------------------------------------- /torch_mlu/mlu/amp/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/amp/common.py -------------------------------------------------------------------------------- /torch_mlu/mlu/amp/grad_scaler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/amp/grad_scaler.py -------------------------------------------------------------------------------- /torch_mlu/mlu/autocast_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/autocast_utils.py -------------------------------------------------------------------------------- /torch_mlu/mlu/cncl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/cncl.py -------------------------------------------------------------------------------- /torch_mlu/mlu/cnpx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/cnpx.py -------------------------------------------------------------------------------- /torch_mlu/mlu/device.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/device.py -------------------------------------------------------------------------------- /torch_mlu/mlu/graphs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/graphs.py -------------------------------------------------------------------------------- /torch_mlu/mlu/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/memory.py -------------------------------------------------------------------------------- /torch_mlu/mlu/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/random.py -------------------------------------------------------------------------------- /torch_mlu/mlu/reductions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/reductions.py -------------------------------------------------------------------------------- /torch_mlu/mlu/streams.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/mlu/streams.py -------------------------------------------------------------------------------- /torch_mlu/optimizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/optimizers/__init__.py -------------------------------------------------------------------------------- /torch_mlu/optimizers/fused_adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/optimizers/fused_adam.py -------------------------------------------------------------------------------- /torch_mlu/optimizers/fused_lamb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/optimizers/fused_lamb.py -------------------------------------------------------------------------------- /torch_mlu/optimizers/fused_sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/optimizers/fused_sgd.py -------------------------------------------------------------------------------- /torch_mlu/optimizers/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/optimizers/optimizer.py -------------------------------------------------------------------------------- /torch_mlu/profiler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/__init__.py -------------------------------------------------------------------------------- /torch_mlu/profiler/_pattern_matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/_pattern_matcher.py -------------------------------------------------------------------------------- /torch_mlu/profiler/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/_utils.py -------------------------------------------------------------------------------- /torch_mlu/profiler/analysis/__init__.py: -------------------------------------------------------------------------------- 1 | __all__ = [] 2 | -------------------------------------------------------------------------------- /torch_mlu/profiler/analysis/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/analysis/api.py -------------------------------------------------------------------------------- /torch_mlu/profiler/analysis/common/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch_mlu/profiler/analysis/common/consts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/analysis/common/consts.py -------------------------------------------------------------------------------- /torch_mlu/profiler/analysis/common/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/analysis/common/utils.py -------------------------------------------------------------------------------- /torch_mlu/profiler/analysis/event_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/analysis/event_parser.py -------------------------------------------------------------------------------- /torch_mlu/profiler/analysis/kernel_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/analysis/kernel_parser.py -------------------------------------------------------------------------------- /torch_mlu/profiler/analysis/memory_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/analysis/memory_parser.py -------------------------------------------------------------------------------- /torch_mlu/profiler/analysis/node.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/analysis/node.py -------------------------------------------------------------------------------- /torch_mlu/profiler/analysis/op_agg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/analysis/op_agg.py -------------------------------------------------------------------------------- /torch_mlu/profiler/analysis/op_tree.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/analysis/op_tree.py -------------------------------------------------------------------------------- /torch_mlu/profiler/analysis/profiler_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/analysis/profiler_parser.py -------------------------------------------------------------------------------- /torch_mlu/profiler/analysis/trace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/analysis/trace.py -------------------------------------------------------------------------------- /torch_mlu/profiler/profile_mlu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/profile_mlu.py -------------------------------------------------------------------------------- /torch_mlu/profiler/profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/profiler.py -------------------------------------------------------------------------------- /torch_mlu/profiler/profiler_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/profiler/profiler_util.py -------------------------------------------------------------------------------- /torch_mlu/storage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/storage.py -------------------------------------------------------------------------------- /torch_mlu/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/utils/__init__.py -------------------------------------------------------------------------------- /torch_mlu/utils/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/utils/_utils.py -------------------------------------------------------------------------------- /torch_mlu/utils/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/utils/collect_env.py -------------------------------------------------------------------------------- /torch_mlu/utils/counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/utils/counter.py -------------------------------------------------------------------------------- /torch_mlu/utils/cpp_extension.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/utils/cpp_extension.py -------------------------------------------------------------------------------- /torch_mlu/utils/dumptool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/utils/dumptool.py -------------------------------------------------------------------------------- /torch_mlu/utils/gpu_migration/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/utils/gpu_migration/__init__.py -------------------------------------------------------------------------------- /torch_mlu/utils/gpu_migration/migration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/utils/gpu_migration/migration.py -------------------------------------------------------------------------------- /torch_mlu/utils/model_transfer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/utils/model_transfer/__init__.py -------------------------------------------------------------------------------- /torch_mlu/utils/module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Cambricon/torch_mlu/HEAD/torch_mlu/utils/module.py --------------------------------------------------------------------------------