├── .clang-format ├── .github ├── CODEOWNERS ├── actions │ ├── checkout-code │ │ └── action.yml │ └── code-build-test │ │ └── action.yml └── workflows │ ├── _runs-on-ascend.yml │ ├── _runs-on-nv-step1.yml │ ├── _runs-on-nv-step2.yml │ ├── _runs-on-topsrider.yml │ ├── ce.yml │ ├── dicp.yml │ ├── format.yml │ ├── main.yml │ └── runs_on_klx.yml ├── .gitignore ├── .gitmodules ├── .markdownlint.json ├── README.md ├── dicp ├── .gitignore ├── MANIFEST.in ├── README.md ├── dicp │ ├── __init__.py │ ├── dynamo_bridge │ │ ├── __init__.py │ │ ├── compile.py │ │ ├── compile_fx.py │ │ ├── conversion.py │ │ ├── decompositions.py │ │ ├── graph.py │ │ ├── op_transformer.py │ │ ├── operator.py │ │ ├── pt_patch.py │ │ └── utils.py │ ├── third_party │ │ ├── .clang-format │ │ ├── half │ │ │ ├── ChangeLog.txt │ │ │ ├── LICENSE.txt │ │ │ ├── README.txt │ │ │ └── include │ │ │ │ └── half.hpp │ │ └── nlohmann │ │ │ └── json.hpp │ ├── tools │ │ ├── __init__.py │ │ └── op_collector.py │ └── vendor │ │ ├── AscendGraph │ │ ├── README.md │ │ ├── __init__.py │ │ ├── ascend_op.py │ │ ├── codegen │ │ │ ├── __init__.py │ │ │ ├── ascend.py │ │ │ ├── fusion_switch.cfg │ │ │ ├── graph_compile.cpp │ │ │ ├── graph_utils.h │ │ │ ├── load_and_run.py │ │ │ └── utils.py │ │ ├── compile_job.py │ │ ├── config.py │ │ ├── conversion.py │ │ ├── ext_ops.py │ │ ├── infer_res_utils.py │ │ ├── opset_convert.py │ │ └── pattern_replacement.py │ │ ├── TopsGraph │ │ ├── __init__.py │ │ ├── codegen │ │ │ ├── __init__.py │ │ │ ├── common.py │ │ │ ├── enflame.py │ │ │ ├── include │ │ │ │ ├── common_ops.h │ │ │ │ ├── conv2d_grad.h │ │ │ │ ├── dtu_utils.h │ │ │ │ └── maxpool2d_grad.h │ │ │ └── src │ │ │ │ ├── common_ops.cpp │ │ │ │ ├── conv2d_grad.cpp │ │ │ │ ├── dtu_utils.cpp │ │ │ │ └── maxpool2d_grad.cpp │ │ ├── compile_job.py │ │ ├── config.py │ │ ├── conversion.py │ │ ├── opset_transform.py │ │ ├── to_clast.py │ │ └── tops_op.py │ │ └── __init__.py ├── scripts │ ├── ci │ │ ├── ascend │ │ │ ├── ci_runs_on_dipu_env.sh │ │ │ ├── dipu_env.sh │ │ │ └── test_env.sh │ │ └── tops │ │ │ ├── ci_tops_build_env.sh │ │ │ └── ci_tops_test_env.sh │ └── lint_script.sh ├── setup.py └── test │ ├── __init__.py │ ├── ascend_scripts │ ├── models │ │ ├── dynamic.ini │ │ ├── run_test_models.sh │ │ └── static.ini │ └── ops │ │ ├── dynamic.ini │ │ ├── run_test_ops.sh │ │ └── static.ini │ ├── common │ ├── __init__.py │ ├── accelerate_dynamo_backend.py │ ├── conftest.py │ ├── prompter.py │ └── utils.py │ ├── model │ ├── __init__.py │ ├── conftest.py │ ├── llama │ │ ├── generation.py │ │ ├── model.py │ │ └── tokenizer.py │ ├── pytest.ini │ ├── run_test_model.sh │ ├── test_hf.py │ ├── test_llama.py │ ├── test_llama_finetune.py │ ├── test_resnet50.py │ ├── test_stable_diffusion.py │ └── test_stable_diffusion_topsclast.py │ ├── op │ ├── __init__.py │ ├── conftest.py │ ├── pytest.ini │ ├── run_test_op.sh │ ├── test__adaptive_avg_pool2d.py │ ├── test__adaptive_avg_pool2d_backward.py │ ├── test__log_softmax.py │ ├── test__native_batch_norm_legit_functional.py │ ├── test__softmax.py │ ├── test__unsafe_view.py │ ├── test_abs.py │ ├── test_add.py │ ├── test_addmm.py │ ├── test_alias.py │ ├── test_amax.py │ ├── test_arange.py │ ├── test_argmax.py │ ├── test_argmin.py │ ├── test_bernoulli.py │ ├── test_bmm.py │ ├── test_cat.py │ ├── test_clone.py │ ├── test_convert_element_type.py │ ├── test_convolution.py │ ├── test_convolution_backward.py │ ├── test_copy.py │ ├── test_copy_.py │ ├── test_cos.py │ ├── test_div.py │ ├── test_embedding.py │ ├── test_empty_like.py │ ├── test_eq.py │ ├── test_erf.py │ ├── test_exp.py │ ├── test_expand.py │ ├── test_fill.py │ ├── test_full.py │ ├── test_full_like.py │ ├── test_gather.py │ ├── test_ge.py │ ├── test_gelu.py │ ├── test_gelu_backward.py │ ├── test_getitem.py │ ├── test_group_norm.py │ ├── test_hardswish.py │ ├── test_hardswish_backward.py │ ├── test_index.py │ ├── test_index_put.py │ ├── test_inplace_copy.py │ ├── test_iota.py │ ├── test_le.py │ ├── test_lift_fresh_copy.py │ ├── test_lightllm_copy_with_offset.py │ ├── test_lightllm_incre_attention.py │ ├── test_lightllm_prompt_attention.py │ ├── test_lightllm_rotary_emb.py │ ├── test_log.py │ ├── test_logical_or.py │ ├── test_lt.py │ ├── test_masked_fill.py │ ├── test_max_pool2d_with_indices.py │ ├── test_max_pool2d_with_indices_backward.py │ ├── test_maximum.py │ ├── test_mean.py │ ├── test_mm.py │ ├── test_mul.py │ ├── test_native_dropout.py │ ├── test_native_layer_norm.py │ ├── test_ne.py │ ├── test_neg.py │ ├── test_new_empty_strided.py │ ├── test_ones.py │ ├── test_ones_like.py │ ├── test_permute.py │ ├── test_pow.py │ ├── test_reciprocal.py │ ├── test_relu.py │ ├── test_repeat.py │ ├── test_repeat_interleave.py │ ├── test_rsqrt.py │ ├── test_scalar_tensor.py │ ├── test_scatter.py │ ├── test_select.py │ ├── test_sigmoid.py │ ├── test_sin.py │ ├── test_slice.py │ ├── test_slice_scatter.py │ ├── test_softmax.py │ ├── test_split.py │ ├── test_split_dynamic.py │ ├── test_sqrt.py │ ├── test_square.py │ ├── test_squeeze.py │ ├── test_stack.py │ ├── test_sub.py │ ├── test_sum.py │ ├── test_transpose.py │ ├── test_tril.py │ ├── test_triu.py │ ├── test_unsqueeze.py │ ├── test_var_mean.py │ ├── test_view.py │ ├── test_view_as_complex.py │ ├── test_view_as_real.py │ ├── test_where.py │ ├── test_zeros.py │ └── test_zeros_like.py │ ├── tools │ ├── test_op_collector.py │ └── test_op_collector_topsgraph.py │ └── tops_scripts │ ├── models │ ├── dynamic.ini │ ├── run_test_models.sh │ └── static.ini │ └── ops │ ├── dynamic.ini │ ├── run_test_ops.sh │ └── static.ini ├── dipu ├── .clang-format ├── .clang-tidy ├── .clangd ├── CMakeLists.txt ├── Contributors.md ├── FAQ.md ├── LICENSE ├── QuickStart.md ├── README.md ├── SupportedDiopiFunctions.txt ├── cmake │ └── BaseFuncions.cmake ├── detect_env.py ├── dipu_autoload.sh ├── img │ ├── SOP_01.png │ ├── deepLink_logo.png │ ├── profiler │ │ ├── thnn_conv2d.png │ │ └── trace_json.png │ └── structure.png ├── pyproject.toml ├── scripts │ ├── autogen_diopi_wrapper │ │ ├── autogen_diopi_wrapper.py │ │ ├── autogen_wrapped_code.sh │ │ ├── custom_diopi_functions.yaml │ │ ├── diopi_functions.yaml │ │ ├── diopi_wrapper_template.py │ │ └── op_memory_format_converter.py │ ├── ci │ │ ├── ascend │ │ │ ├── ci_ascend_env.sh │ │ │ └── ci_ascend_script.sh │ │ ├── camb │ │ │ ├── ci_camb_env.sh │ │ │ └── ci_camb_script.sh │ │ ├── ci_benchmark.sh │ │ ├── ci_build_pytorch.sh │ │ ├── ci_build_third_party.sh │ │ ├── ci_interruptible.sh │ │ ├── ci_one_iter.sh │ │ ├── ci_run_one_iter.py │ │ ├── ci_run_perf.py │ │ ├── droplet │ │ │ ├── ci_droplet_env.sh │ │ │ └── ci_droplet_script.sh │ │ ├── kunlunxin │ │ │ └── ci_kunlunxin_env.sh │ │ ├── muxi │ │ │ ├── ci_muxi_env.sh │ │ │ └── ci_muxi_script.sh │ │ ├── nv │ │ │ ├── .gitignore │ │ │ ├── ci_nv_env.sh │ │ │ ├── ci_nv_script.sh │ │ │ ├── ci_nv_tidy.sh │ │ │ └── detect_available_card.sh │ │ ├── test_one_iter_large_language_model_list.yaml │ │ ├── test_one_iter_traditional_model_list.yaml │ │ ├── test_perf_config.json │ │ └── topsrider │ │ │ ├── ci_topsrider_env.sh │ │ │ └── ci_topsrider_script.sh │ └── op_capture │ │ └── op_capture.py ├── setup.py ├── template_build_sh ├── tests │ ├── __init__.py │ ├── common.sh │ ├── cpp │ │ ├── CMakeLists.txt │ │ ├── test_relu.cpp │ │ ├── test_tensor_add.cpp │ │ └── testrt.cpp │ ├── python │ │ ├── README.md │ │ ├── fix_needed │ │ │ ├── test_bitwise_and.py │ │ │ ├── test_clamp.py │ │ │ ├── test_masked_fill.py │ │ │ └── test_resnet.py │ │ ├── individual_scripts │ │ │ ├── generate_unittest_for_individual_scripts.py │ │ │ ├── test_allocator.py │ │ │ ├── test_allocator_conf.py │ │ │ ├── test_dipu_fallback.py │ │ │ ├── test_dipu_op_register.py │ │ │ ├── test_dipu_profiler.py │ │ │ ├── test_dumparg.py │ │ │ ├── test_get_device_properties.py │ │ │ ├── test_memory_stats.py │ │ │ ├── test_metrics.py │ │ │ ├── test_multi_thread.py │ │ │ ├── test_op_benchmark.py │ │ │ ├── test_profiler_communication.py │ │ │ ├── test_rt_ddp.py │ │ │ ├── test_rt_tensor.py │ │ │ ├── test_sync_bn.py │ │ │ └── utils │ │ ├── run_tests.sh │ │ ├── unittests │ │ │ ├── test_abs.py │ │ │ ├── test_adamw.py │ │ │ ├── test_adaptive_avg_pool2d.py │ │ │ ├── test_adaptive_avg_pool2d_backward.py │ │ │ ├── test_add.py │ │ │ ├── test_addc.py │ │ │ ├── test_addmm.py │ │ │ ├── test_all.py │ │ │ ├── test_amax.py │ │ │ ├── test_amp.py │ │ │ ├── test_amp_init_dtype_multithread.py │ │ │ ├── test_any.py │ │ │ ├── test_arange.py │ │ │ ├── test_argmax.py │ │ │ ├── test_asstride.py │ │ │ ├── test_atan.py │ │ │ ├── test_avg_pool2d.py │ │ │ ├── test_baddbmm.py │ │ │ ├── test_batch_norm.py │ │ │ ├── test_batch_norm_backward.py │ │ │ ├── test_binary_cross_entropy.py │ │ │ ├── test_binary_cross_entropy_with_logits.py │ │ │ ├── test_bitwise_not.py │ │ │ ├── test_bitwise_or.py │ │ │ ├── test_bmm.py │ │ │ ├── test_cast.py │ │ │ ├── test_cat.py │ │ │ ├── test_cdist.py │ │ │ ├── test_ceil.py │ │ │ ├── test_clamp.py │ │ │ ├── test_conv2d.py │ │ │ ├── test_convtranspose2d.py │ │ │ ├── test_copy.py │ │ │ ├── test_cos.py │ │ │ ├── test_cross_entropy_loss.py │ │ │ ├── test_ctc_loss.py │ │ │ ├── test_cumsum.py │ │ │ ├── test_div.py │ │ │ ├── test_dropout.py │ │ │ ├── test_embedding_backward.py │ │ │ ├── test_equal.py │ │ │ ├── test_erfinv.py │ │ │ ├── test_exp.py │ │ │ ├── test_fill.py │ │ │ ├── test_flip.py │ │ │ ├── test_floor.py │ │ │ ├── test_floor_divide.py │ │ │ ├── test_foreach_op.py │ │ │ ├── test_format_cast.py │ │ │ ├── test_gather.py │ │ │ ├── test_ge.py │ │ │ ├── test_gelu.py │ │ │ ├── test_generator.py │ │ │ ├── test_group_norm.py │ │ │ ├── test_hardswish.py │ │ │ ├── test_hardtanh.py │ │ │ ├── test_im2col.py │ │ │ ├── test_index.py │ │ │ ├── test_isnan.py │ │ │ ├── test_layer_norm.py │ │ │ ├── test_leaky_relu.py │ │ │ ├── test_lerp.py │ │ │ ├── test_linalg_qr.py │ │ │ ├── test_linalg_vec_norm.py │ │ │ ├── test_linear.py │ │ │ ├── test_linspace.py │ │ │ ├── test_load.py │ │ │ ├── test_log.py │ │ │ ├── test_log_softmax.py │ │ │ ├── test_log_softmax_backward.py │ │ │ ├── test_logical_and.py │ │ │ ├── test_logical_not.py │ │ │ ├── test_logical_or.py │ │ │ ├── test_masked_fill.py │ │ │ ├── test_masked_select.py │ │ │ ├── test_matmul.py │ │ │ ├── test_max_pool2d.py │ │ │ ├── test_mean_std.py │ │ │ ├── test_min_max.py │ │ │ ├── test_minimum_maximum.py │ │ │ ├── test_mm.py │ │ │ ├── test_mock_cudatensor.py │ │ │ ├── test_mseloss.py │ │ │ ├── test_mul.py │ │ │ ├── test_multihead_attention.py │ │ │ ├── test_multinomial.py │ │ │ ├── test_neg.py │ │ │ ├── test_nll_loss.py │ │ │ ├── test_nonzero.py │ │ │ ├── test_norm.py │ │ │ ├── test_normal.py │ │ │ ├── test_one_hot.py │ │ │ ├── test_ones.py │ │ │ ├── test_op_on_different_device.py │ │ │ ├── test_optimizer.py │ │ │ ├── test_pin_memory.py │ │ │ ├── test_polar.py │ │ │ ├── test_prod.py │ │ │ ├── test_profiler_vendor.py │ │ │ ├── test_python_device.py │ │ │ ├── test_random.py │ │ │ ├── test_randperm.py │ │ │ ├── test_reciprocal.py │ │ │ ├── test_relu.py │ │ │ ├── test_remainder.py │ │ │ ├── test_repeat.py │ │ │ ├── test_roll.py │ │ │ ├── test_rsqrt.py │ │ │ ├── test_rsub.py │ │ │ ├── test_scatter.py │ │ │ ├── test_sgn.py │ │ │ ├── test_sigmoid.py │ │ │ ├── test_sign.py │ │ │ ├── test_silu.py │ │ │ ├── test_sin.py │ │ │ ├── test_softmax.py │ │ │ ├── test_softmax_backward.py │ │ │ ├── test_sort.py │ │ │ ├── test_sqrt.py │ │ │ ├── test_stack.py │ │ │ ├── test_storage.py │ │ │ ├── test_sub.py │ │ │ ├── test_sum.py │ │ │ ├── test_tanh.py │ │ │ ├── test_tensor_new.py │ │ │ ├── test_topk.py │ │ │ ├── test_transpose.py │ │ │ ├── test_tri.py │ │ │ ├── test_unfold.py │ │ │ ├── test_uniform.py │ │ │ ├── test_unique.py │ │ │ ├── test_upsample.py │ │ │ ├── test_where.py │ │ │ ├── test_zeros.py │ │ │ └── utils │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── local_eviron.py │ │ │ ├── random_shape.py │ │ │ ├── stdout_redirector.py │ │ │ └── test_in_subprocess.py │ ├── pytorch_config_cuda.py │ ├── pytorch_config_gcu.py │ ├── pytorch_config_mlu.py │ ├── pytorch_config_muxi.py │ ├── pytorch_test_base.py │ ├── run_ascend_tests.sh │ ├── run_camb_tests.sh │ ├── run_kunlunxin_tests.sh │ ├── run_muxi_tests.sh │ ├── run_nv_tests.sh │ └── run_topsrider_tests.sh ├── third_party │ ├── .clang-format │ └── CMakeLists.txt └── torch_dipu │ ├── __init__.py │ ├── csrc_dipu │ ├── CMakeLists.txt │ ├── aten │ │ ├── CPUFallback.cpp │ │ ├── DIPUATenFunctions.h │ │ ├── OpRegister.hpp │ │ ├── RegisterDIPU.cpp │ │ ├── RegisterDIPU.hpp │ │ └── ops │ │ │ ├── AutoCompareUtils.hpp │ │ │ ├── CustomFallbackFunctions.hpp │ │ │ ├── CustomFallbackFunctionsForAmpGradScaler.cpp │ │ │ ├── CustomFallbackFunctionsForCopy.cpp │ │ │ ├── DIPUAmp.cpp │ │ │ ├── DIPUAmp.hpp │ │ │ ├── DIPUCopy.cpp │ │ │ ├── DIPUCopy.hpp │ │ │ ├── DIPUOpInferrer.cpp │ │ │ ├── DIPUOpInferrer.h │ │ │ ├── EmptyOpsKernel.cpp │ │ │ ├── NodispatchUtils.hpp │ │ │ ├── OpRegexMatch.cpp │ │ │ ├── OpRegexMatch.hpp │ │ │ ├── OpUtils.hpp │ │ │ ├── PinMemoryKernel.cpp │ │ │ └── StorageShapeKernel.cpp │ ├── base │ │ ├── DIPUGlobals.cpp │ │ ├── DIPUGlobals.h │ │ ├── basedef.h │ │ └── environ.hpp │ ├── binding │ │ ├── DIPUpybind.h │ │ ├── ExportProfiler.cpp │ │ ├── ExportRT.cpp │ │ ├── ExportTensor.cpp │ │ ├── exportapi.h │ │ └── patchCsrcDevice.cpp │ ├── common.h │ ├── diopirt │ │ ├── diopi_helper.cpp │ │ ├── diopirt_impl.cpp │ │ └── diopirt_impl.h │ ├── metrics │ │ ├── README.md │ │ ├── detail │ │ │ ├── collector.h │ │ │ ├── label.h │ │ │ └── value.h │ │ ├── labeled.h │ │ ├── metrics.cpp │ │ └── metrics.h │ ├── profiler │ │ ├── CorrelationIDManager.cpp │ │ ├── CorrelationIDManager.h │ │ ├── DIPUDeviceActivity.cpp │ │ ├── DIPUDeviceActivity.h │ │ ├── collection.cpp │ │ ├── collection.h │ │ ├── patch.cpp │ │ ├── profiler.cpp │ │ ├── profiler.h │ │ ├── profiler_kineto.cpp │ │ ├── profiler_kineto.h │ │ ├── profiler_python.cpp │ │ ├── profiler_python.h │ │ └── torch_version.h │ ├── runtime │ │ ├── core │ │ │ ├── DIPUDeviceInfo.cpp │ │ │ ├── DIPUDeviceInfo.h │ │ │ ├── DIPUEvent.h │ │ │ ├── DIPUEventPool.cpp │ │ │ ├── DIPUEventPool.h │ │ │ ├── DIPUGeneratorImpl.cpp │ │ │ ├── DIPUGeneratorImpl.h │ │ │ ├── DIPUGuard.h │ │ │ ├── DIPUStream.cpp │ │ │ ├── DIPUStream.h │ │ │ ├── MemChecker.cpp │ │ │ ├── MemChecker.h │ │ │ ├── allocator │ │ │ │ ├── DIPUAsyncResourcePool.h │ │ │ │ ├── DIPUBFCachingAllocator.cpp │ │ │ │ ├── DIPUBSCachingAllocator.cpp │ │ │ │ ├── DIPUCachingAllocator.cpp │ │ │ │ ├── DIPUCachingAllocator.h │ │ │ │ ├── DIPUCachingAllocatorUtils.h │ │ │ │ ├── DIPUCachingDeviceAllocator.cpp │ │ │ │ ├── DIPUCachingDeviceAllocator.h │ │ │ │ ├── DIPUCachingHostAllocator.cpp │ │ │ │ ├── DIPUCachingHostAllocator.h │ │ │ │ ├── DIPURawAllocator.cpp │ │ │ │ ├── DIPURawAllocator.h │ │ │ │ ├── DIPURawCachingAllocator.cpp │ │ │ │ ├── DIPUSpinMutex.h │ │ │ │ ├── ExpandableSegment.h │ │ │ │ └── allocator_metrics.h │ │ │ └── guardimpl │ │ │ │ ├── DIPUGuardImpl.cpp │ │ │ │ └── DIPUGuardImpl.h │ │ ├── device │ │ │ ├── basedef.h │ │ │ ├── deviceapis.cpp │ │ │ ├── deviceapis.h │ │ │ ├── diclapis.h │ │ │ └── profilerapis.h │ │ ├── devproxy │ │ │ ├── deviceproxy.cpp │ │ │ ├── deviceproxy.h │ │ │ ├── diclproxy.cpp │ │ │ └── diclproxy.h │ │ ├── distributed │ │ │ ├── DICLUtils.hpp │ │ │ ├── ProcessGroupDICL.cpp │ │ │ ├── ProcessGroupDICL.h │ │ │ └── c10dOps.cpp │ │ └── rthelper.h │ ├── stub.cpp │ ├── utils │ │ ├── Log.h │ │ ├── env.hpp │ │ ├── helpfunc.cpp │ │ ├── helpfunc.hpp │ │ └── vender_helper.hpp │ └── vendor │ │ ├── ascend │ │ ├── AscendCopyInplace.cpp │ │ ├── AscendCustomAllocatorStrategy.cpp │ │ ├── AscendDeviceActivity.cpp │ │ ├── AscendDeviceActivity.h │ │ ├── AscendExpandableSegment.cpp │ │ ├── AscendGeneratorImpl.cpp │ │ ├── AscendProcessGroupDICLHooks.cpp │ │ ├── CMakeLists.txt │ │ ├── basecommimpl.hpp │ │ ├── cmake │ │ │ └── FindAscendToolKit.cmake │ │ ├── communicatorimpl.cpp │ │ ├── deviceimpl.cpp │ │ ├── profilerimpl.cpp │ │ └── vendorapi.h │ │ ├── camb │ │ ├── CMakeLists.txt │ │ ├── CambCopyInplace.cpp │ │ ├── CambDeviceActivity.cpp │ │ ├── CambDeviceActivity.h │ │ ├── CambGeneratorImpl.cpp │ │ ├── basecommimpl.hpp │ │ ├── basedeviceimpl.hpp │ │ ├── cmake │ │ │ └── FindNeuware.cmake │ │ ├── cnrt_5.x │ │ │ └── deviceimpl.cpp │ │ ├── cnrt_6.x │ │ │ ├── communiatorimpl.cpp │ │ │ └── deviceimpl.cpp │ │ ├── defines.h │ │ └── vendorapi.h │ │ ├── cuda │ │ ├── CMakeLists.txt │ │ ├── CUDACopyInplace.cpp │ │ ├── CUDAExpandableSegment.cpp │ │ ├── CudaGeneratorImpl.cpp │ │ ├── basecuda.hpp │ │ ├── cmake │ │ │ ├── CUDAComputeArch.cmake │ │ │ └── FindXCCL.cmake │ │ ├── communiatorimpl.cpp │ │ ├── deviceimpl.cpp │ │ ├── patch │ │ │ ├── DIPUPatchCudaAllocator.cpp │ │ │ └── wrapperRegister.cpp │ │ ├── vendor_autocast.h │ │ └── vendorapi.h │ │ ├── droplet │ │ ├── CMakeLists.txt │ │ ├── DropletGeneratorImpl.cpp │ │ ├── cmake │ │ │ ├── FindDropletCompiler.cmake │ │ │ └── FindPCCL.cmake │ │ ├── communicatorimpl.cpp │ │ ├── deviceimpl.cpp │ │ ├── pccl.cpp │ │ ├── pccl.h │ │ ├── pcclcommon.h │ │ └── vendorapi.h │ │ ├── kunlunxin │ │ ├── CMakeLists.txt │ │ ├── KLXGeneratorImpl.cpp │ │ ├── cmake │ │ │ └── FindKLXRuntime.cmake │ │ ├── communicatorimpl.cpp │ │ ├── deviceimpl.cpp │ │ └── vendorapi.h │ │ ├── muxi │ │ ├── CMakeLists.txt │ │ └── vendorapi.h │ │ ├── supa │ │ ├── CMakeLists.txt │ │ ├── commimpl.cpp │ │ ├── copyinplace.cpp │ │ ├── deviceimpl.cpp │ │ ├── generatorimpl.cpp │ │ └── vendorapi.h │ │ └── topsrider │ │ ├── CMakeLists.txt │ │ ├── TopsGeneratorImpl.cpp │ │ ├── basecommimpl.hpp │ │ ├── cmake │ │ └── FindTOPSRT.cmake │ │ ├── communiatorimpl.cpp │ │ ├── deviceimpl.cpp │ │ └── vendorapi.h │ ├── dipu │ ├── __init__.py │ ├── amp.py │ ├── dataloader.py │ ├── device.py │ ├── distributed.py │ ├── generator.py │ ├── memory.py │ ├── nvtx.py │ ├── random_dipu.py │ ├── storages.py │ ├── streams.py │ ├── tensor.py │ └── utils.py │ ├── profiler │ ├── README.md │ ├── __init__.py │ ├── ascend │ │ └── ascend_profiler_merger.py │ └── profiler.py │ ├── testing │ ├── __init__.py │ └── _internal │ │ ├── __init__.py │ │ └── common_utils.py │ └── utils │ ├── deepspeed_dipu │ ├── README.md │ ├── __init__.py │ └── deepspeed_patch.py │ └── distutis.py └── run_format.sh /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.clang-format -------------------------------------------------------------------------------- /.github/CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.github/CODEOWNERS -------------------------------------------------------------------------------- /.github/actions/checkout-code/action.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.github/actions/checkout-code/action.yml -------------------------------------------------------------------------------- /.github/actions/code-build-test/action.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.github/actions/code-build-test/action.yml -------------------------------------------------------------------------------- /.github/workflows/_runs-on-ascend.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.github/workflows/_runs-on-ascend.yml -------------------------------------------------------------------------------- /.github/workflows/_runs-on-nv-step1.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.github/workflows/_runs-on-nv-step1.yml -------------------------------------------------------------------------------- /.github/workflows/_runs-on-nv-step2.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.github/workflows/_runs-on-nv-step2.yml -------------------------------------------------------------------------------- /.github/workflows/_runs-on-topsrider.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.github/workflows/_runs-on-topsrider.yml -------------------------------------------------------------------------------- /.github/workflows/ce.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.github/workflows/ce.yml -------------------------------------------------------------------------------- /.github/workflows/dicp.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.github/workflows/dicp.yml -------------------------------------------------------------------------------- /.github/workflows/format.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.github/workflows/format.yml -------------------------------------------------------------------------------- /.github/workflows/main.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.github/workflows/main.yml -------------------------------------------------------------------------------- /.github/workflows/runs_on_klx.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.github/workflows/runs_on_klx.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.gitmodules -------------------------------------------------------------------------------- /.markdownlint.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/.markdownlint.json -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/README.md -------------------------------------------------------------------------------- /dicp/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/.gitignore -------------------------------------------------------------------------------- /dicp/MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/MANIFEST.in -------------------------------------------------------------------------------- /dicp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/README.md -------------------------------------------------------------------------------- /dicp/dicp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dicp/dicp/dynamo_bridge/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dicp/dicp/dynamo_bridge/compile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/dynamo_bridge/compile.py -------------------------------------------------------------------------------- /dicp/dicp/dynamo_bridge/compile_fx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/dynamo_bridge/compile_fx.py -------------------------------------------------------------------------------- /dicp/dicp/dynamo_bridge/conversion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/dynamo_bridge/conversion.py -------------------------------------------------------------------------------- /dicp/dicp/dynamo_bridge/decompositions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/dynamo_bridge/decompositions.py -------------------------------------------------------------------------------- /dicp/dicp/dynamo_bridge/graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/dynamo_bridge/graph.py -------------------------------------------------------------------------------- /dicp/dicp/dynamo_bridge/op_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/dynamo_bridge/op_transformer.py -------------------------------------------------------------------------------- /dicp/dicp/dynamo_bridge/operator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/dynamo_bridge/operator.py -------------------------------------------------------------------------------- /dicp/dicp/dynamo_bridge/pt_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/dynamo_bridge/pt_patch.py -------------------------------------------------------------------------------- /dicp/dicp/dynamo_bridge/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/dynamo_bridge/utils.py -------------------------------------------------------------------------------- /dicp/dicp/third_party/.clang-format: -------------------------------------------------------------------------------- 1 | --- 2 | DisableFormat: true 3 | SortIncludes: Never 4 | -------------------------------------------------------------------------------- /dicp/dicp/third_party/half/ChangeLog.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/third_party/half/ChangeLog.txt -------------------------------------------------------------------------------- /dicp/dicp/third_party/half/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/third_party/half/LICENSE.txt -------------------------------------------------------------------------------- /dicp/dicp/third_party/half/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/third_party/half/README.txt -------------------------------------------------------------------------------- /dicp/dicp/third_party/half/include/half.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/third_party/half/include/half.hpp -------------------------------------------------------------------------------- /dicp/dicp/third_party/nlohmann/json.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/third_party/nlohmann/json.hpp -------------------------------------------------------------------------------- /dicp/dicp/tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dicp/dicp/tools/op_collector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/tools/op_collector.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/README.md -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/__init__.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/ascend_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/ascend_op.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/codegen/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/codegen/ascend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/codegen/ascend.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/codegen/fusion_switch.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/codegen/fusion_switch.cfg -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/codegen/graph_compile.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/codegen/graph_compile.cpp -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/codegen/graph_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/codegen/graph_utils.h -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/codegen/load_and_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/codegen/load_and_run.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/codegen/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/codegen/utils.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/compile_job.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/compile_job.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/config.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/conversion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/conversion.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/ext_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/ext_ops.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/infer_res_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/infer_res_utils.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/opset_convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/opset_convert.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/AscendGraph/pattern_replacement.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/AscendGraph/pattern_replacement.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/__init__.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/codegen/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/codegen/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/codegen/common.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/codegen/enflame.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/codegen/enflame.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/codegen/include/common_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/codegen/include/common_ops.h -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/codegen/include/conv2d_grad.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/codegen/include/conv2d_grad.h -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/codegen/include/dtu_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/codegen/include/dtu_utils.h -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/codegen/include/maxpool2d_grad.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/codegen/include/maxpool2d_grad.h -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/codegen/src/common_ops.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/codegen/src/common_ops.cpp -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/codegen/src/conv2d_grad.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/codegen/src/conv2d_grad.cpp -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/codegen/src/dtu_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/codegen/src/dtu_utils.cpp -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/codegen/src/maxpool2d_grad.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/codegen/src/maxpool2d_grad.cpp -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/compile_job.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/compile_job.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/config.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/conversion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/conversion.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/opset_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/opset_transform.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/to_clast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/to_clast.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/TopsGraph/tops_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/dicp/vendor/TopsGraph/tops_op.py -------------------------------------------------------------------------------- /dicp/dicp/vendor/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dicp/scripts/ci/ascend/ci_runs_on_dipu_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/scripts/ci/ascend/ci_runs_on_dipu_env.sh -------------------------------------------------------------------------------- /dicp/scripts/ci/ascend/dipu_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/scripts/ci/ascend/dipu_env.sh -------------------------------------------------------------------------------- /dicp/scripts/ci/ascend/test_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/scripts/ci/ascend/test_env.sh -------------------------------------------------------------------------------- /dicp/scripts/ci/tops/ci_tops_build_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/scripts/ci/tops/ci_tops_build_env.sh -------------------------------------------------------------------------------- /dicp/scripts/ci/tops/ci_tops_test_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/scripts/ci/tops/ci_tops_test_env.sh -------------------------------------------------------------------------------- /dicp/scripts/lint_script.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/scripts/lint_script.sh -------------------------------------------------------------------------------- /dicp/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/setup.py -------------------------------------------------------------------------------- /dicp/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dicp/test/ascend_scripts/models/dynamic.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/ascend_scripts/models/dynamic.ini -------------------------------------------------------------------------------- /dicp/test/ascend_scripts/models/run_test_models.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/ascend_scripts/models/run_test_models.sh -------------------------------------------------------------------------------- /dicp/test/ascend_scripts/models/static.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/ascend_scripts/models/static.ini -------------------------------------------------------------------------------- /dicp/test/ascend_scripts/ops/dynamic.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/ascend_scripts/ops/dynamic.ini -------------------------------------------------------------------------------- /dicp/test/ascend_scripts/ops/run_test_ops.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/ascend_scripts/ops/run_test_ops.sh -------------------------------------------------------------------------------- /dicp/test/ascend_scripts/ops/static.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/ascend_scripts/ops/static.ini -------------------------------------------------------------------------------- /dicp/test/common/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dicp/test/common/accelerate_dynamo_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/common/accelerate_dynamo_backend.py -------------------------------------------------------------------------------- /dicp/test/common/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/common/conftest.py -------------------------------------------------------------------------------- /dicp/test/common/prompter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/common/prompter.py -------------------------------------------------------------------------------- /dicp/test/common/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/common/utils.py -------------------------------------------------------------------------------- /dicp/test/model/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dicp/test/model/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/model/conftest.py -------------------------------------------------------------------------------- /dicp/test/model/llama/generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/model/llama/generation.py -------------------------------------------------------------------------------- /dicp/test/model/llama/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/model/llama/model.py -------------------------------------------------------------------------------- /dicp/test/model/llama/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/model/llama/tokenizer.py -------------------------------------------------------------------------------- /dicp/test/model/pytest.ini: -------------------------------------------------------------------------------- 1 | [pytest] 2 | addopts = -vs -rA 3 | -------------------------------------------------------------------------------- /dicp/test/model/run_test_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/model/run_test_model.sh -------------------------------------------------------------------------------- /dicp/test/model/test_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/model/test_hf.py -------------------------------------------------------------------------------- /dicp/test/model/test_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/model/test_llama.py -------------------------------------------------------------------------------- /dicp/test/model/test_llama_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/model/test_llama_finetune.py -------------------------------------------------------------------------------- /dicp/test/model/test_resnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/model/test_resnet50.py -------------------------------------------------------------------------------- /dicp/test/model/test_stable_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/model/test_stable_diffusion.py -------------------------------------------------------------------------------- /dicp/test/model/test_stable_diffusion_topsclast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/model/test_stable_diffusion_topsclast.py -------------------------------------------------------------------------------- /dicp/test/op/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dicp/test/op/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/conftest.py -------------------------------------------------------------------------------- /dicp/test/op/pytest.ini: -------------------------------------------------------------------------------- 1 | [pytest] 2 | addopts = -vs -rA -x 3 | -------------------------------------------------------------------------------- /dicp/test/op/run_test_op.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/run_test_op.sh -------------------------------------------------------------------------------- /dicp/test/op/test__adaptive_avg_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test__adaptive_avg_pool2d.py -------------------------------------------------------------------------------- /dicp/test/op/test__adaptive_avg_pool2d_backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test__adaptive_avg_pool2d_backward.py -------------------------------------------------------------------------------- /dicp/test/op/test__log_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test__log_softmax.py -------------------------------------------------------------------------------- /dicp/test/op/test__native_batch_norm_legit_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test__native_batch_norm_legit_functional.py -------------------------------------------------------------------------------- /dicp/test/op/test__softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test__softmax.py -------------------------------------------------------------------------------- /dicp/test/op/test__unsafe_view.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test__unsafe_view.py -------------------------------------------------------------------------------- /dicp/test/op/test_abs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_abs.py -------------------------------------------------------------------------------- /dicp/test/op/test_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_add.py -------------------------------------------------------------------------------- /dicp/test/op/test_addmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_addmm.py -------------------------------------------------------------------------------- /dicp/test/op/test_alias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_alias.py -------------------------------------------------------------------------------- /dicp/test/op/test_amax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_amax.py -------------------------------------------------------------------------------- /dicp/test/op/test_arange.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_arange.py -------------------------------------------------------------------------------- /dicp/test/op/test_argmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_argmax.py -------------------------------------------------------------------------------- /dicp/test/op/test_argmin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_argmin.py -------------------------------------------------------------------------------- /dicp/test/op/test_bernoulli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_bernoulli.py -------------------------------------------------------------------------------- /dicp/test/op/test_bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_bmm.py -------------------------------------------------------------------------------- /dicp/test/op/test_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_cat.py -------------------------------------------------------------------------------- /dicp/test/op/test_clone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_clone.py -------------------------------------------------------------------------------- /dicp/test/op/test_convert_element_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_convert_element_type.py -------------------------------------------------------------------------------- /dicp/test/op/test_convolution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_convolution.py -------------------------------------------------------------------------------- /dicp/test/op/test_convolution_backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_convolution_backward.py -------------------------------------------------------------------------------- /dicp/test/op/test_copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_copy.py -------------------------------------------------------------------------------- /dicp/test/op/test_copy_.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_copy_.py -------------------------------------------------------------------------------- /dicp/test/op/test_cos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_cos.py -------------------------------------------------------------------------------- /dicp/test/op/test_div.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_div.py -------------------------------------------------------------------------------- /dicp/test/op/test_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_embedding.py -------------------------------------------------------------------------------- /dicp/test/op/test_empty_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_empty_like.py -------------------------------------------------------------------------------- /dicp/test/op/test_eq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_eq.py -------------------------------------------------------------------------------- /dicp/test/op/test_erf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_erf.py -------------------------------------------------------------------------------- /dicp/test/op/test_exp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_exp.py -------------------------------------------------------------------------------- /dicp/test/op/test_expand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_expand.py -------------------------------------------------------------------------------- /dicp/test/op/test_fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_fill.py -------------------------------------------------------------------------------- /dicp/test/op/test_full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_full.py -------------------------------------------------------------------------------- /dicp/test/op/test_full_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_full_like.py -------------------------------------------------------------------------------- /dicp/test/op/test_gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_gather.py -------------------------------------------------------------------------------- /dicp/test/op/test_ge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_ge.py -------------------------------------------------------------------------------- /dicp/test/op/test_gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_gelu.py -------------------------------------------------------------------------------- /dicp/test/op/test_gelu_backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_gelu_backward.py -------------------------------------------------------------------------------- /dicp/test/op/test_getitem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_getitem.py -------------------------------------------------------------------------------- /dicp/test/op/test_group_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_group_norm.py -------------------------------------------------------------------------------- /dicp/test/op/test_hardswish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_hardswish.py -------------------------------------------------------------------------------- /dicp/test/op/test_hardswish_backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_hardswish_backward.py -------------------------------------------------------------------------------- /dicp/test/op/test_index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_index.py -------------------------------------------------------------------------------- /dicp/test/op/test_index_put.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_index_put.py -------------------------------------------------------------------------------- /dicp/test/op/test_inplace_copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_inplace_copy.py -------------------------------------------------------------------------------- /dicp/test/op/test_iota.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_iota.py -------------------------------------------------------------------------------- /dicp/test/op/test_le.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_le.py -------------------------------------------------------------------------------- /dicp/test/op/test_lift_fresh_copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_lift_fresh_copy.py -------------------------------------------------------------------------------- /dicp/test/op/test_lightllm_copy_with_offset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_lightllm_copy_with_offset.py -------------------------------------------------------------------------------- /dicp/test/op/test_lightllm_incre_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_lightllm_incre_attention.py -------------------------------------------------------------------------------- /dicp/test/op/test_lightllm_prompt_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_lightllm_prompt_attention.py -------------------------------------------------------------------------------- /dicp/test/op/test_lightllm_rotary_emb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_lightllm_rotary_emb.py -------------------------------------------------------------------------------- /dicp/test/op/test_log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_log.py -------------------------------------------------------------------------------- /dicp/test/op/test_logical_or.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_logical_or.py -------------------------------------------------------------------------------- /dicp/test/op/test_lt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_lt.py -------------------------------------------------------------------------------- /dicp/test/op/test_masked_fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_masked_fill.py -------------------------------------------------------------------------------- /dicp/test/op/test_max_pool2d_with_indices.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_max_pool2d_with_indices.py -------------------------------------------------------------------------------- /dicp/test/op/test_max_pool2d_with_indices_backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_max_pool2d_with_indices_backward.py -------------------------------------------------------------------------------- /dicp/test/op/test_maximum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_maximum.py -------------------------------------------------------------------------------- /dicp/test/op/test_mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_mean.py -------------------------------------------------------------------------------- /dicp/test/op/test_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_mm.py -------------------------------------------------------------------------------- /dicp/test/op/test_mul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_mul.py -------------------------------------------------------------------------------- /dicp/test/op/test_native_dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_native_dropout.py -------------------------------------------------------------------------------- /dicp/test/op/test_native_layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_native_layer_norm.py -------------------------------------------------------------------------------- /dicp/test/op/test_ne.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_ne.py -------------------------------------------------------------------------------- /dicp/test/op/test_neg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_neg.py -------------------------------------------------------------------------------- /dicp/test/op/test_new_empty_strided.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_new_empty_strided.py -------------------------------------------------------------------------------- /dicp/test/op/test_ones.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_ones.py -------------------------------------------------------------------------------- /dicp/test/op/test_ones_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_ones_like.py -------------------------------------------------------------------------------- /dicp/test/op/test_permute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_permute.py -------------------------------------------------------------------------------- /dicp/test/op/test_pow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_pow.py -------------------------------------------------------------------------------- /dicp/test/op/test_reciprocal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_reciprocal.py -------------------------------------------------------------------------------- /dicp/test/op/test_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_relu.py -------------------------------------------------------------------------------- /dicp/test/op/test_repeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_repeat.py -------------------------------------------------------------------------------- /dicp/test/op/test_repeat_interleave.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_repeat_interleave.py -------------------------------------------------------------------------------- /dicp/test/op/test_rsqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_rsqrt.py -------------------------------------------------------------------------------- /dicp/test/op/test_scalar_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_scalar_tensor.py -------------------------------------------------------------------------------- /dicp/test/op/test_scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_scatter.py -------------------------------------------------------------------------------- /dicp/test/op/test_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_select.py -------------------------------------------------------------------------------- /dicp/test/op/test_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_sigmoid.py -------------------------------------------------------------------------------- /dicp/test/op/test_sin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_sin.py -------------------------------------------------------------------------------- /dicp/test/op/test_slice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_slice.py -------------------------------------------------------------------------------- /dicp/test/op/test_slice_scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_slice_scatter.py -------------------------------------------------------------------------------- /dicp/test/op/test_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_softmax.py -------------------------------------------------------------------------------- /dicp/test/op/test_split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_split.py -------------------------------------------------------------------------------- /dicp/test/op/test_split_dynamic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_split_dynamic.py -------------------------------------------------------------------------------- /dicp/test/op/test_sqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_sqrt.py -------------------------------------------------------------------------------- /dicp/test/op/test_square.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_square.py -------------------------------------------------------------------------------- /dicp/test/op/test_squeeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_squeeze.py -------------------------------------------------------------------------------- /dicp/test/op/test_stack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_stack.py -------------------------------------------------------------------------------- /dicp/test/op/test_sub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_sub.py -------------------------------------------------------------------------------- /dicp/test/op/test_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_sum.py -------------------------------------------------------------------------------- /dicp/test/op/test_transpose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_transpose.py -------------------------------------------------------------------------------- /dicp/test/op/test_tril.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_tril.py -------------------------------------------------------------------------------- /dicp/test/op/test_triu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_triu.py -------------------------------------------------------------------------------- /dicp/test/op/test_unsqueeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_unsqueeze.py -------------------------------------------------------------------------------- /dicp/test/op/test_var_mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_var_mean.py -------------------------------------------------------------------------------- /dicp/test/op/test_view.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_view.py -------------------------------------------------------------------------------- /dicp/test/op/test_view_as_complex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_view_as_complex.py -------------------------------------------------------------------------------- /dicp/test/op/test_view_as_real.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_view_as_real.py -------------------------------------------------------------------------------- /dicp/test/op/test_where.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_where.py -------------------------------------------------------------------------------- /dicp/test/op/test_zeros.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_zeros.py -------------------------------------------------------------------------------- /dicp/test/op/test_zeros_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/op/test_zeros_like.py -------------------------------------------------------------------------------- /dicp/test/tools/test_op_collector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/tools/test_op_collector.py -------------------------------------------------------------------------------- /dicp/test/tools/test_op_collector_topsgraph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/tools/test_op_collector_topsgraph.py -------------------------------------------------------------------------------- /dicp/test/tops_scripts/models/dynamic.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/tops_scripts/models/dynamic.ini -------------------------------------------------------------------------------- /dicp/test/tops_scripts/models/run_test_models.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/tops_scripts/models/run_test_models.sh -------------------------------------------------------------------------------- /dicp/test/tops_scripts/models/static.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/tops_scripts/models/static.ini -------------------------------------------------------------------------------- /dicp/test/tops_scripts/ops/dynamic.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/tops_scripts/ops/dynamic.ini -------------------------------------------------------------------------------- /dicp/test/tops_scripts/ops/run_test_ops.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/tops_scripts/ops/run_test_ops.sh -------------------------------------------------------------------------------- /dicp/test/tops_scripts/ops/static.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dicp/test/tops_scripts/ops/static.ini -------------------------------------------------------------------------------- /dipu/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/.clang-format -------------------------------------------------------------------------------- /dipu/.clang-tidy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/.clang-tidy -------------------------------------------------------------------------------- /dipu/.clangd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/.clangd -------------------------------------------------------------------------------- /dipu/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/CMakeLists.txt -------------------------------------------------------------------------------- /dipu/Contributors.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/Contributors.md -------------------------------------------------------------------------------- /dipu/FAQ.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/FAQ.md -------------------------------------------------------------------------------- /dipu/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/LICENSE -------------------------------------------------------------------------------- /dipu/QuickStart.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/QuickStart.md -------------------------------------------------------------------------------- /dipu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/README.md -------------------------------------------------------------------------------- /dipu/SupportedDiopiFunctions.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/SupportedDiopiFunctions.txt -------------------------------------------------------------------------------- /dipu/cmake/BaseFuncions.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/cmake/BaseFuncions.cmake -------------------------------------------------------------------------------- /dipu/detect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/detect_env.py -------------------------------------------------------------------------------- /dipu/dipu_autoload.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/dipu_autoload.sh -------------------------------------------------------------------------------- /dipu/img/SOP_01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/img/SOP_01.png -------------------------------------------------------------------------------- /dipu/img/deepLink_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/img/deepLink_logo.png -------------------------------------------------------------------------------- /dipu/img/profiler/thnn_conv2d.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/img/profiler/thnn_conv2d.png -------------------------------------------------------------------------------- /dipu/img/profiler/trace_json.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/img/profiler/trace_json.png -------------------------------------------------------------------------------- /dipu/img/structure.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/img/structure.png -------------------------------------------------------------------------------- /dipu/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/pyproject.toml -------------------------------------------------------------------------------- /dipu/scripts/autogen_diopi_wrapper/autogen_diopi_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/autogen_diopi_wrapper/autogen_diopi_wrapper.py -------------------------------------------------------------------------------- /dipu/scripts/autogen_diopi_wrapper/autogen_wrapped_code.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/autogen_diopi_wrapper/autogen_wrapped_code.sh -------------------------------------------------------------------------------- /dipu/scripts/autogen_diopi_wrapper/custom_diopi_functions.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/autogen_diopi_wrapper/custom_diopi_functions.yaml -------------------------------------------------------------------------------- /dipu/scripts/autogen_diopi_wrapper/diopi_functions.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/autogen_diopi_wrapper/diopi_functions.yaml -------------------------------------------------------------------------------- /dipu/scripts/autogen_diopi_wrapper/diopi_wrapper_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/autogen_diopi_wrapper/diopi_wrapper_template.py -------------------------------------------------------------------------------- /dipu/scripts/autogen_diopi_wrapper/op_memory_format_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/autogen_diopi_wrapper/op_memory_format_converter.py -------------------------------------------------------------------------------- /dipu/scripts/ci/ascend/ci_ascend_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/ascend/ci_ascend_env.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/ascend/ci_ascend_script.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/ascend/ci_ascend_script.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/camb/ci_camb_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/camb/ci_camb_env.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/camb/ci_camb_script.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/camb/ci_camb_script.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/ci_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/ci_benchmark.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/ci_build_pytorch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/ci_build_pytorch.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/ci_build_third_party.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/ci_build_third_party.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/ci_interruptible.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/ci_interruptible.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/ci_one_iter.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/ci_one_iter.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/ci_run_one_iter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/ci_run_one_iter.py -------------------------------------------------------------------------------- /dipu/scripts/ci/ci_run_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/ci_run_perf.py -------------------------------------------------------------------------------- /dipu/scripts/ci/droplet/ci_droplet_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/droplet/ci_droplet_env.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/droplet/ci_droplet_script.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/droplet/ci_droplet_script.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/kunlunxin/ci_kunlunxin_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/kunlunxin/ci_kunlunxin_env.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/muxi/ci_muxi_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/muxi/ci_muxi_env.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/muxi/ci_muxi_script.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/muxi/ci_muxi_script.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/nv/.gitignore: -------------------------------------------------------------------------------- 1 | /clangd-tidy 2 | -------------------------------------------------------------------------------- /dipu/scripts/ci/nv/ci_nv_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/nv/ci_nv_env.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/nv/ci_nv_script.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/nv/ci_nv_script.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/nv/ci_nv_tidy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/nv/ci_nv_tidy.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/nv/detect_available_card.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/nv/detect_available_card.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/test_one_iter_large_language_model_list.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/test_one_iter_large_language_model_list.yaml -------------------------------------------------------------------------------- /dipu/scripts/ci/test_one_iter_traditional_model_list.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/test_one_iter_traditional_model_list.yaml -------------------------------------------------------------------------------- /dipu/scripts/ci/test_perf_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/test_perf_config.json -------------------------------------------------------------------------------- /dipu/scripts/ci/topsrider/ci_topsrider_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/topsrider/ci_topsrider_env.sh -------------------------------------------------------------------------------- /dipu/scripts/ci/topsrider/ci_topsrider_script.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/ci/topsrider/ci_topsrider_script.sh -------------------------------------------------------------------------------- /dipu/scripts/op_capture/op_capture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/scripts/op_capture/op_capture.py -------------------------------------------------------------------------------- /dipu/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/setup.py -------------------------------------------------------------------------------- /dipu/template_build_sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/template_build_sh -------------------------------------------------------------------------------- /dipu/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dipu/tests/common.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/common.sh -------------------------------------------------------------------------------- /dipu/tests/cpp/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/cpp/CMakeLists.txt -------------------------------------------------------------------------------- /dipu/tests/cpp/test_relu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/cpp/test_relu.cpp -------------------------------------------------------------------------------- /dipu/tests/cpp/test_tensor_add.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/cpp/test_tensor_add.cpp -------------------------------------------------------------------------------- /dipu/tests/cpp/testrt.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/cpp/testrt.cpp -------------------------------------------------------------------------------- /dipu/tests/python/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/README.md -------------------------------------------------------------------------------- /dipu/tests/python/fix_needed/test_bitwise_and.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/fix_needed/test_bitwise_and.py -------------------------------------------------------------------------------- /dipu/tests/python/fix_needed/test_clamp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/fix_needed/test_clamp.py -------------------------------------------------------------------------------- /dipu/tests/python/fix_needed/test_masked_fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/fix_needed/test_masked_fill.py -------------------------------------------------------------------------------- /dipu/tests/python/fix_needed/test_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/fix_needed/test_resnet.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/generate_unittest_for_individual_scripts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/generate_unittest_for_individual_scripts.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_allocator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_allocator.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_allocator_conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_allocator_conf.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_dipu_fallback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_dipu_fallback.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_dipu_op_register.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_dipu_op_register.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_dipu_profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_dipu_profiler.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_dumparg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_dumparg.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_get_device_properties.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_get_device_properties.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_memory_stats.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_memory_stats.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_metrics.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_multi_thread.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_multi_thread.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_op_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_op_benchmark.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_profiler_communication.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_profiler_communication.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_rt_ddp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_rt_ddp.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_rt_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_rt_tensor.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/test_sync_bn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/individual_scripts/test_sync_bn.py -------------------------------------------------------------------------------- /dipu/tests/python/individual_scripts/utils: -------------------------------------------------------------------------------- 1 | ../utils -------------------------------------------------------------------------------- /dipu/tests/python/run_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/run_tests.sh -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_abs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_abs.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_adamw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_adamw.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_adaptive_avg_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_adaptive_avg_pool2d.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_adaptive_avg_pool2d_backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_adaptive_avg_pool2d_backward.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_add.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_addc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_addc.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_addmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_addmm.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_all.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_amax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_amax.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_amp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_amp.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_amp_init_dtype_multithread.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_amp_init_dtype_multithread.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_any.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_any.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_arange.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_arange.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_argmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_argmax.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_asstride.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_asstride.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_atan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_atan.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_avg_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_avg_pool2d.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_baddbmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_baddbmm.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_batch_norm.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_batch_norm_backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_batch_norm_backward.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_binary_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_binary_cross_entropy.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_binary_cross_entropy_with_logits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_binary_cross_entropy_with_logits.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_bitwise_not.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_bitwise_not.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_bitwise_or.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_bitwise_or.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_bmm.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_cast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_cast.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_cat.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_cdist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_cdist.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_ceil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_ceil.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_clamp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_clamp.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_conv2d.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_convtranspose2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_convtranspose2d.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_copy.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_cos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_cos.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_cross_entropy_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_cross_entropy_loss.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_ctc_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_ctc_loss.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_cumsum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_cumsum.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_div.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_div.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_dropout.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_embedding_backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_embedding_backward.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_equal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_equal.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_erfinv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_erfinv.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_exp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_exp.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_fill.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_flip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_flip.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_floor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_floor.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_floor_divide.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_floor_divide.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_foreach_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_foreach_op.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_format_cast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_format_cast.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_gather.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_ge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_ge.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_gelu.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_generator.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_group_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_group_norm.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_hardswish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_hardswish.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_hardtanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_hardtanh.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_im2col.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_im2col.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_index.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_isnan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_isnan.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_layer_norm.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_leaky_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_leaky_relu.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_lerp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_lerp.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_linalg_qr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_linalg_qr.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_linalg_vec_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_linalg_vec_norm.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_linear.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_linspace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_linspace.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_load.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_load.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_log.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_log_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_log_softmax.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_log_softmax_backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_log_softmax_backward.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_logical_and.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_logical_and.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_logical_not.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_logical_not.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_logical_or.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_logical_or.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_masked_fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_masked_fill.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_masked_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_masked_select.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_matmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_matmul.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_max_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_max_pool2d.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_mean_std.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_mean_std.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_min_max.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_min_max.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_minimum_maximum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_minimum_maximum.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_mm.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_mock_cudatensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_mock_cudatensor.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_mseloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_mseloss.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_mul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_mul.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_multihead_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_multihead_attention.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_multinomial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_multinomial.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_neg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_neg.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_nll_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_nll_loss.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_nonzero.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_nonzero.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_norm.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_normal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_normal.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_one_hot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_one_hot.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_ones.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_ones.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_op_on_different_device.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_op_on_different_device.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_optimizer.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_pin_memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_pin_memory.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_polar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_polar.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_prod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_prod.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_profiler_vendor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_profiler_vendor.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_python_device.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_python_device.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_random.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_randperm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_randperm.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_reciprocal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_reciprocal.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_relu.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_remainder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_remainder.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_repeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_repeat.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_roll.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_roll.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_rsqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_rsqrt.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_rsub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_rsub.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_scatter.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_sgn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_sgn.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_sigmoid.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_sign.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_sign.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_silu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_silu.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_sin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_sin.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_softmax.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_softmax_backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_softmax_backward.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_sort.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_sqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_sqrt.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_stack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_stack.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_storage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_storage.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_sub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_sub.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_sum.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_tanh.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_tensor_new.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_tensor_new.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_topk.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_transpose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_transpose.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_tri.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_tri.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_unfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_unfold.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_uniform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_uniform.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_unique.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_unique.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_upsample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_upsample.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_where.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_where.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/test_zeros.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/unittests/test_zeros.py -------------------------------------------------------------------------------- /dipu/tests/python/unittests/utils: -------------------------------------------------------------------------------- 1 | ../utils -------------------------------------------------------------------------------- /dipu/tests/python/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dipu/tests/python/utils/local_eviron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/utils/local_eviron.py -------------------------------------------------------------------------------- /dipu/tests/python/utils/random_shape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/utils/random_shape.py -------------------------------------------------------------------------------- /dipu/tests/python/utils/stdout_redirector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/utils/stdout_redirector.py -------------------------------------------------------------------------------- /dipu/tests/python/utils/test_in_subprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/python/utils/test_in_subprocess.py -------------------------------------------------------------------------------- /dipu/tests/pytorch_config_cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/pytorch_config_cuda.py -------------------------------------------------------------------------------- /dipu/tests/pytorch_config_gcu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/pytorch_config_gcu.py -------------------------------------------------------------------------------- /dipu/tests/pytorch_config_mlu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/pytorch_config_mlu.py -------------------------------------------------------------------------------- /dipu/tests/pytorch_config_muxi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/pytorch_config_muxi.py -------------------------------------------------------------------------------- /dipu/tests/pytorch_test_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/pytorch_test_base.py -------------------------------------------------------------------------------- /dipu/tests/run_ascend_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/run_ascend_tests.sh -------------------------------------------------------------------------------- /dipu/tests/run_camb_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/run_camb_tests.sh -------------------------------------------------------------------------------- /dipu/tests/run_kunlunxin_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/run_kunlunxin_tests.sh -------------------------------------------------------------------------------- /dipu/tests/run_muxi_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/run_muxi_tests.sh -------------------------------------------------------------------------------- /dipu/tests/run_nv_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/run_nv_tests.sh -------------------------------------------------------------------------------- /dipu/tests/run_topsrider_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/tests/run_topsrider_tests.sh -------------------------------------------------------------------------------- /dipu/third_party/.clang-format: -------------------------------------------------------------------------------- 1 | --- 2 | DisableFormat: true 3 | SortIncludes: Never 4 | -------------------------------------------------------------------------------- /dipu/third_party/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/third_party/CMakeLists.txt -------------------------------------------------------------------------------- /dipu/torch_dipu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/__init__.py -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/CMakeLists.txt -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/CPUFallback.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/CPUFallback.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/DIPUATenFunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/DIPUATenFunctions.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/OpRegister.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/OpRegister.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/RegisterDIPU.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/RegisterDIPU.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/RegisterDIPU.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/RegisterDIPU.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/AutoCompareUtils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/AutoCompareUtils.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/CustomFallbackFunctions.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/CustomFallbackFunctions.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/CustomFallbackFunctionsForAmpGradScaler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/CustomFallbackFunctionsForAmpGradScaler.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/CustomFallbackFunctionsForCopy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/CustomFallbackFunctionsForCopy.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/DIPUAmp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/DIPUAmp.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/DIPUAmp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/DIPUAmp.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/DIPUCopy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/DIPUCopy.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/DIPUCopy.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/DIPUCopy.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/DIPUOpInferrer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/DIPUOpInferrer.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/DIPUOpInferrer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/DIPUOpInferrer.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/EmptyOpsKernel.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/EmptyOpsKernel.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/NodispatchUtils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/NodispatchUtils.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/OpRegexMatch.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/OpRegexMatch.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/OpRegexMatch.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/OpRegexMatch.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/OpUtils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/OpUtils.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/PinMemoryKernel.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/PinMemoryKernel.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/aten/ops/StorageShapeKernel.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/aten/ops/StorageShapeKernel.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/base/DIPUGlobals.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/base/DIPUGlobals.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/base/DIPUGlobals.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/base/DIPUGlobals.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/base/basedef.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/base/basedef.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/base/environ.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/base/environ.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/binding/DIPUpybind.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/binding/DIPUpybind.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/binding/ExportProfiler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/binding/ExportProfiler.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/binding/ExportRT.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/binding/ExportRT.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/binding/ExportTensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/binding/ExportTensor.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/binding/exportapi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/binding/exportapi.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/binding/patchCsrcDevice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/binding/patchCsrcDevice.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/common.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/diopirt/diopi_helper.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/diopirt/diopi_helper.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/diopirt/diopirt_impl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/diopirt/diopirt_impl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/diopirt/diopirt_impl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/diopirt/diopirt_impl.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/metrics/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/metrics/README.md -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/metrics/detail/collector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/metrics/detail/collector.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/metrics/detail/label.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/metrics/detail/label.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/metrics/detail/value.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/metrics/detail/value.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/metrics/labeled.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/metrics/labeled.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/metrics/metrics.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/metrics/metrics.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/metrics/metrics.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/metrics/metrics.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/CorrelationIDManager.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/CorrelationIDManager.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/CorrelationIDManager.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/CorrelationIDManager.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/DIPUDeviceActivity.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/DIPUDeviceActivity.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/DIPUDeviceActivity.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/DIPUDeviceActivity.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/collection.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/collection.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/collection.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/collection.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/patch.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/patch.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/profiler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/profiler.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/profiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/profiler.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/profiler_kineto.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/profiler_kineto.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/profiler_kineto.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/profiler_kineto.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/profiler_python.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/profiler_python.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/profiler_python.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/profiler_python.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/profiler/torch_version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/profiler/torch_version.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/DIPUDeviceInfo.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/DIPUDeviceInfo.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/DIPUDeviceInfo.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/DIPUDeviceInfo.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/DIPUEvent.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/DIPUEvent.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/DIPUEventPool.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/DIPUEventPool.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/DIPUEventPool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/DIPUEventPool.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/DIPUGeneratorImpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/DIPUGeneratorImpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/DIPUGeneratorImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/DIPUGeneratorImpl.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/DIPUGuard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/DIPUGuard.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/DIPUStream.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/DIPUStream.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/DIPUStream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/DIPUStream.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/MemChecker.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/MemChecker.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/MemChecker.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/MemChecker.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUAsyncResourcePool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUAsyncResourcePool.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUBFCachingAllocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUBFCachingAllocator.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUBSCachingAllocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUBSCachingAllocator.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingAllocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingAllocator.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingAllocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingAllocator.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingAllocatorUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingAllocatorUtils.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingDeviceAllocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingDeviceAllocator.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingDeviceAllocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingDeviceAllocator.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingHostAllocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingHostAllocator.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingHostAllocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUCachingHostAllocator.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPURawAllocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPURawAllocator.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPURawAllocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPURawAllocator.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPURawCachingAllocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPURawCachingAllocator.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUSpinMutex.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/DIPUSpinMutex.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/ExpandableSegment.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/ExpandableSegment.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/allocator/allocator_metrics.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/allocator/allocator_metrics.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/guardimpl/DIPUGuardImpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/guardimpl/DIPUGuardImpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/core/guardimpl/DIPUGuardImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/core/guardimpl/DIPUGuardImpl.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/device/basedef.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/device/basedef.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/device/deviceapis.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/device/deviceapis.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/device/deviceapis.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/device/deviceapis.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/device/diclapis.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/device/diclapis.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/device/profilerapis.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/device/profilerapis.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/devproxy/deviceproxy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/devproxy/deviceproxy.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/devproxy/deviceproxy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/devproxy/deviceproxy.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/devproxy/diclproxy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/devproxy/diclproxy.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/devproxy/diclproxy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/devproxy/diclproxy.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/distributed/DICLUtils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/distributed/DICLUtils.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/distributed/ProcessGroupDICL.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/distributed/ProcessGroupDICL.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/distributed/ProcessGroupDICL.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/distributed/ProcessGroupDICL.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/distributed/c10dOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/distributed/c10dOps.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/runtime/rthelper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/runtime/rthelper.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/stub.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/stub.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/utils/Log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/utils/Log.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/utils/env.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/utils/env.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/utils/helpfunc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/utils/helpfunc.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/utils/helpfunc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/utils/helpfunc.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/utils/vender_helper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/utils/vender_helper.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendCopyInplace.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendCopyInplace.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendCustomAllocatorStrategy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendCustomAllocatorStrategy.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendDeviceActivity.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendDeviceActivity.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendDeviceActivity.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendDeviceActivity.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendExpandableSegment.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendExpandableSegment.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendGeneratorImpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendGeneratorImpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendProcessGroupDICLHooks.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/AscendProcessGroupDICLHooks.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/CMakeLists.txt -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/basecommimpl.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/basecommimpl.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/cmake/FindAscendToolKit.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/cmake/FindAscendToolKit.cmake -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/communicatorimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/communicatorimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/deviceimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/deviceimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/profilerimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/profilerimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/ascend/vendorapi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/ascend/vendorapi.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/camb/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/camb/CMakeLists.txt -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/camb/CambCopyInplace.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/camb/CambCopyInplace.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/camb/CambDeviceActivity.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/camb/CambDeviceActivity.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/camb/CambDeviceActivity.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/camb/CambDeviceActivity.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/camb/CambGeneratorImpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/camb/CambGeneratorImpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/camb/basecommimpl.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/camb/basecommimpl.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/camb/basedeviceimpl.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/camb/basedeviceimpl.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/camb/cmake/FindNeuware.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/camb/cmake/FindNeuware.cmake -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/camb/cnrt_5.x/deviceimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/camb/cnrt_5.x/deviceimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/camb/cnrt_6.x/communiatorimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/camb/cnrt_6.x/communiatorimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/camb/cnrt_6.x/deviceimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/camb/cnrt_6.x/deviceimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/camb/defines.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/camb/defines.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/camb/vendorapi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/camb/vendorapi.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/cuda/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/cuda/CMakeLists.txt -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/cuda/CUDACopyInplace.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/cuda/CUDACopyInplace.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/cuda/CUDAExpandableSegment.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/cuda/CUDAExpandableSegment.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/cuda/CudaGeneratorImpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/cuda/CudaGeneratorImpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/cuda/basecuda.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/cuda/basecuda.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/cuda/cmake/CUDAComputeArch.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/cuda/cmake/CUDAComputeArch.cmake -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/cuda/cmake/FindXCCL.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/cuda/cmake/FindXCCL.cmake -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/cuda/communiatorimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/cuda/communiatorimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/cuda/deviceimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/cuda/deviceimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/cuda/patch/DIPUPatchCudaAllocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/cuda/patch/DIPUPatchCudaAllocator.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/cuda/patch/wrapperRegister.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/cuda/patch/wrapperRegister.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/cuda/vendor_autocast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/cuda/vendor_autocast.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/cuda/vendorapi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/cuda/vendorapi.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/droplet/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/droplet/CMakeLists.txt -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/droplet/DropletGeneratorImpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/droplet/DropletGeneratorImpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/droplet/cmake/FindDropletCompiler.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/droplet/cmake/FindDropletCompiler.cmake -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/droplet/cmake/FindPCCL.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/droplet/cmake/FindPCCL.cmake -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/droplet/communicatorimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/droplet/communicatorimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/droplet/deviceimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/droplet/deviceimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/droplet/pccl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/droplet/pccl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/droplet/pccl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/droplet/pccl.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/droplet/pcclcommon.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/droplet/pcclcommon.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/droplet/vendorapi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/droplet/vendorapi.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/kunlunxin/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/kunlunxin/CMakeLists.txt -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/kunlunxin/KLXGeneratorImpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/kunlunxin/KLXGeneratorImpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/kunlunxin/cmake/FindKLXRuntime.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/kunlunxin/cmake/FindKLXRuntime.cmake -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/kunlunxin/communicatorimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/kunlunxin/communicatorimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/kunlunxin/deviceimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/kunlunxin/deviceimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/kunlunxin/vendorapi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/kunlunxin/vendorapi.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/muxi/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/muxi/CMakeLists.txt -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/muxi/vendorapi.h: -------------------------------------------------------------------------------- 1 | ../cuda/vendorapi.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/supa/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/supa/CMakeLists.txt -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/supa/commimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/supa/commimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/supa/copyinplace.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/supa/copyinplace.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/supa/deviceimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/supa/deviceimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/supa/generatorimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/supa/generatorimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/supa/vendorapi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/supa/vendorapi.h -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/topsrider/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/topsrider/CMakeLists.txt -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/topsrider/TopsGeneratorImpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/topsrider/TopsGeneratorImpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/topsrider/basecommimpl.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/topsrider/basecommimpl.hpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/topsrider/cmake/FindTOPSRT.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/topsrider/cmake/FindTOPSRT.cmake -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/topsrider/communiatorimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/topsrider/communiatorimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/topsrider/deviceimpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/topsrider/deviceimpl.cpp -------------------------------------------------------------------------------- /dipu/torch_dipu/csrc_dipu/vendor/topsrider/vendorapi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/csrc_dipu/vendor/topsrider/vendorapi.h -------------------------------------------------------------------------------- /dipu/torch_dipu/dipu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/dipu/__init__.py -------------------------------------------------------------------------------- /dipu/torch_dipu/dipu/amp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/dipu/amp.py -------------------------------------------------------------------------------- /dipu/torch_dipu/dipu/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/dipu/dataloader.py -------------------------------------------------------------------------------- /dipu/torch_dipu/dipu/device.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/dipu/device.py -------------------------------------------------------------------------------- /dipu/torch_dipu/dipu/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/dipu/distributed.py -------------------------------------------------------------------------------- /dipu/torch_dipu/dipu/generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/dipu/generator.py -------------------------------------------------------------------------------- /dipu/torch_dipu/dipu/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/dipu/memory.py -------------------------------------------------------------------------------- /dipu/torch_dipu/dipu/nvtx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/dipu/nvtx.py -------------------------------------------------------------------------------- /dipu/torch_dipu/dipu/random_dipu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/dipu/random_dipu.py -------------------------------------------------------------------------------- /dipu/torch_dipu/dipu/storages.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/dipu/storages.py -------------------------------------------------------------------------------- /dipu/torch_dipu/dipu/streams.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/dipu/streams.py -------------------------------------------------------------------------------- /dipu/torch_dipu/dipu/tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/dipu/tensor.py -------------------------------------------------------------------------------- /dipu/torch_dipu/dipu/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/dipu/utils.py -------------------------------------------------------------------------------- /dipu/torch_dipu/profiler/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/profiler/README.md -------------------------------------------------------------------------------- /dipu/torch_dipu/profiler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/profiler/__init__.py -------------------------------------------------------------------------------- /dipu/torch_dipu/profiler/ascend/ascend_profiler_merger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/profiler/ascend/ascend_profiler_merger.py -------------------------------------------------------------------------------- /dipu/torch_dipu/profiler/profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/profiler/profiler.py -------------------------------------------------------------------------------- /dipu/torch_dipu/testing/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dipu/torch_dipu/testing/_internal/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dipu/torch_dipu/testing/_internal/common_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/testing/_internal/common_utils.py -------------------------------------------------------------------------------- /dipu/torch_dipu/utils/deepspeed_dipu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/utils/deepspeed_dipu/README.md -------------------------------------------------------------------------------- /dipu/torch_dipu/utils/deepspeed_dipu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/utils/deepspeed_dipu/__init__.py -------------------------------------------------------------------------------- /dipu/torch_dipu/utils/deepspeed_dipu/deepspeed_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/utils/deepspeed_dipu/deepspeed_patch.py -------------------------------------------------------------------------------- /dipu/torch_dipu/utils/distutis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/dipu/torch_dipu/utils/distutis.py -------------------------------------------------------------------------------- /run_format.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepLink-org/deeplink.framework/HEAD/run_format.sh --------------------------------------------------------------------------------