├── .clang-format ├── .coverage.rc ├── .gitattributes ├── .github ├── ISSUE_TEMPLATE │ ├── ask-a-question.yml │ ├── bug-report.yml │ └── feature-request.yml ├── PULL_REQUEST_TEMPLATE.md └── workflows │ ├── blas-op-test.yaml │ ├── code-format-check.yml │ ├── code_scan.yaml │ ├── gems-cpp-extension.yaml │ ├── gems-test-on-hopper.yaml │ ├── gems-test-on-metax.yaml │ ├── mkdocs.yaml │ ├── model-test.yaml │ ├── op-test-quick-cpu.yaml │ ├── op-utils-test.yaml │ ├── pointwise-op-test.yaml │ ├── python-coverage.yaml │ ├── reduction-op-test.yaml │ └── special-op-test.yaml ├── .gitignore ├── .pre-commit-config.yaml ├── CMakeLists.txt ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── CONTRIBUTING_cn.md ├── LICENSE ├── MAINTAINERS.md ├── README.md ├── README_cn.md ├── SECURITY.md ├── benchmark ├── __init__.py ├── attri_util.py ├── benchmark_for_models.py ├── conftest.py ├── core_shapes.yaml ├── models_benchmark │ ├── README.md │ ├── backend_request_func.py │ ├── benchmark_dataset.py │ ├── benchmark_serving.py │ ├── benchmark_throughput.py │ ├── benchmark_utils.py │ ├── offline.sh │ ├── online.sh │ ├── online_with_gems.sh │ └── requirements.txt ├── models_shapes │ └── qwen25.yaml ├── performance_utils.py ├── summary_for_plot.py ├── test_attention_perf.py ├── test_binary_pointwise_perf.py ├── test_blas_perf.py ├── test_convolution_perf.py ├── test_distribution_perf.py ├── test_fused_perf.py ├── test_generic_pointwise_perf.py ├── test_norm_perf.py ├── test_reduction_perf.py ├── test_select_and_slice_perf.py ├── test_special_perf.py ├── test_tensor_concat_perf.py ├── test_tensor_constructor_perf.py ├── test_transformer_engine_perf.py └── test_unary_pointwise_perf.py ├── cmake ├── Config.cmake.in └── FindTorch.cmake ├── ctests ├── CMakeLists.txt ├── test_triton_argmax.cpp ├── test_triton_blas.cpp ├── test_triton_bmm.cpp ├── test_triton_cat.cpp ├── test_triton_contiguous.cpp ├── test_triton_embedding.cpp ├── test_triton_exponential_.cpp ├── test_triton_fill.cpp ├── test_triton_flash_attn_varlen.cpp ├── test_triton_norm.cpp ├── test_triton_pointwise.cpp ├── test_triton_reduction.cpp ├── test_triton_reshape_and_cache_flash.cpp ├── test_triton_rope.cpp ├── test_triton_rwkv_ka_fusion.cpp ├── test_triton_rwkv_mm_sparsity.cpp ├── test_triton_softmax.cpp ├── test_triton_sort.cpp ├── test_triton_tensor_constructor.cpp └── test_triton_topk.cpp ├── docs ├── add_a_cpp_wrapper.md ├── assets │ ├── speedup-20240614.png │ ├── speedup-20240624.png │ ├── speedup-20240708.png │ ├── speedup-20240814.png │ ├── speedup-20241218.png │ └── speedup-20250423.png ├── code_countribution.md ├── ctest_in_flaggems.md ├── get_start_with_flaggems.md ├── how_to_use_flaggems.md ├── index.md ├── installation.md ├── libcache_db_backend.md ├── operator_list.md ├── performance_and_benchmark.md ├── pointwise_dynamic.md └── pytest_in_flaggems.md ├── examples ├── be_pt2_compliant.py ├── deepseek_with_vllm_test.py ├── integration_gems_with_vllm.py ├── model_bert_test.py ├── model_llama_test.py ├── model_llava_test.py ├── pretune.py └── use_cpp_runtime.py ├── include └── flag_gems │ ├── device_info.h │ ├── operators.h │ └── utils.h ├── lib ├── CMakeLists.txt ├── add.cpp ├── addmm.cpp ├── argmax.cpp ├── bmm.cpp ├── cat.cpp ├── contiguous.cpp ├── device_info.cpp ├── embedding.cpp ├── exponential_.cpp ├── fill.cpp ├── flash_attn_varlen_func.cpp ├── fused_add_rms_norm.cpp ├── max.cpp ├── mm.cpp ├── nonzero.cpp ├── reshape_and_cache_flash.cpp ├── rms_norm.cpp ├── rotary_embedding.cpp ├── rwkv_ka_fusion.cpp ├── rwkv_mm_sparsity.cpp ├── softmax.cpp ├── sort.cpp ├── sum.cpp ├── topk.cpp ├── utils.cpp └── zeros.cpp ├── mkdocs.yml ├── modules_tests ├── __init__.py ├── module_test_util.py ├── test_gems_activation.py ├── test_gems_attn.py ├── test_gems_normalization.py └── test_gems_rotary_embedding.py ├── pyproject.toml ├── pytest.ini ├── src └── flag_gems │ ├── __init__.py │ ├── config.py │ ├── csrc │ ├── CMakeLists.txt │ ├── aten_patch.cpp │ ├── aten_patch.h │ └── cstub.cpp │ ├── fused │ ├── __init__.py │ ├── concat_and_cache_mla.py │ ├── cross_entropy_loss.py │ ├── flash_mla.py │ ├── fused_add_rms_norm.py │ ├── geglu.py │ ├── gelu_and_mul.py │ ├── instance_norm.py │ ├── moe_align_block_size.py │ ├── moe_sum.py │ ├── outer.py │ ├── reshape_and_cache.py │ ├── reshape_and_cache_flash.py │ ├── rotary_embedding.py │ ├── rwkv_ka_fusion.py │ ├── rwkv_mm_sparsity.py │ ├── silu_and_mul.py │ ├── skip_layernorm.py │ ├── topk_softmax.py │ └── weight_norm.py │ ├── logging_utils.py │ ├── modules │ ├── __init__.py │ ├── activation.py │ ├── normalization.py │ └── rotary_embedding.py │ ├── ops │ ├── __init__.py │ ├── abs.py │ ├── add.py │ ├── addcdiv.py │ ├── addcmul.py │ ├── addmm.py │ ├── addmv.py │ ├── addr.py │ ├── all.py │ ├── amax.py │ ├── angle.py │ ├── any.py │ ├── arange.py │ ├── argmax.py │ ├── argmin.py │ ├── atan.py │ ├── attention.py │ ├── avg_pool2d.py │ ├── baddbmm.py │ ├── batch_norm.py │ ├── bitwise_and.py │ ├── bitwise_left_shift.py │ ├── bitwise_not.py │ ├── bitwise_or.py │ ├── bitwise_right_shift.py │ ├── bmm.py │ ├── cat.py │ ├── celu.py │ ├── clamp.py │ ├── contiguous.py │ ├── conv1d.py │ ├── conv2d.py │ ├── conv3d.py │ ├── conv_depthwise2d.py │ ├── copy.py │ ├── cos.py │ ├── count_nonzero.py │ ├── cummax.py │ ├── cummin.py │ ├── cumsum.py │ ├── diag.py │ ├── diag_embed.py │ ├── diagonal.py │ ├── div.py │ ├── dot.py │ ├── dropout.py │ ├── elu.py │ ├── embedding.py │ ├── eq.py │ ├── erf.py │ ├── exp.py │ ├── exp2.py │ ├── exponential_.py │ ├── eye.py │ ├── eye_m.py │ ├── fill.py │ ├── flash_api.py │ ├── flash_kernel.py │ ├── flip.py │ ├── full.py │ ├── full_like.py │ ├── gather.py │ ├── ge.py │ ├── gelu.py │ ├── get_scheduler_metadata.py │ ├── glu.py │ ├── groupnorm.py │ ├── gt.py │ ├── hstack.py │ ├── index.py │ ├── index_add.py │ ├── index_put.py │ ├── index_select.py │ ├── isclose.py │ ├── isfinite.py │ ├── isin.py │ ├── isinf.py │ ├── isnan.py │ ├── kron.py │ ├── layernorm.py │ ├── le.py │ ├── lerp.py │ ├── linspace.py │ ├── log.py │ ├── log_sigmoid.py │ ├── log_softmax.py │ ├── logical_and.py │ ├── logical_not.py │ ├── logical_or.py │ ├── logical_xor.py │ ├── logspace.py │ ├── lt.py │ ├── masked_fill.py │ ├── masked_select.py │ ├── max.py │ ├── max_pool2d_with_indices.py │ ├── maximum.py │ ├── mean.py │ ├── min.py │ ├── minimum.py │ ├── mm.py │ ├── mm_streamk.py │ ├── mse_loss.py │ ├── mul.py │ ├── multinomial.py │ ├── mv.py │ ├── nan_to_num.py │ ├── ne.py │ ├── neg.py │ ├── nllloss.py │ ├── nonzero.py │ ├── normal.py │ ├── ones.py │ ├── ones_like.py │ ├── pad.py │ ├── per_token_group_quant_fp8.py │ ├── polar.py │ ├── pow.py │ ├── prod.py │ ├── quantile.py │ ├── rand.py │ ├── rand_like.py │ ├── randn.py │ ├── randn_like.py │ ├── randperm.py │ ├── reciprocal.py │ ├── relu.py │ ├── repeat.py │ ├── repeat_interleave.py │ ├── resolve_conj.py │ ├── resolve_neg.py │ ├── rms_norm.py │ ├── rsqrt.py │ ├── scatter.py │ ├── select_scatter.py │ ├── sigmoid.py │ ├── silu.py │ ├── sin.py │ ├── slice_scatter.py │ ├── softmax.py │ ├── softplus.py │ ├── sort.py │ ├── sqrt.py │ ├── stack.py │ ├── std.py │ ├── sub.py │ ├── sum.py │ ├── tan.py │ ├── tanh.py │ ├── threshold.py │ ├── tile.py │ ├── to.py │ ├── topk.py │ ├── trace.py │ ├── triu.py │ ├── uniform.py │ ├── unique.py │ ├── upsample_bicubic2d_aa.py │ ├── upsample_nearest2d.py │ ├── var_mean.py │ ├── vdot.py │ ├── vector_norm.py │ ├── vstack.py │ ├── weightnorm.py │ ├── where.py │ ├── zeros.py │ └── zeros_like.py │ ├── patches │ ├── __init__.py │ ├── patch_util.py │ └── patch_vllm_all.py │ ├── runtime │ ├── __init__.py │ ├── backend │ │ ├── README.md │ │ ├── __init__.py │ │ ├── _aipu │ │ │ ├── __init__.py │ │ │ ├── fused │ │ │ │ └── __init__.py │ │ │ ├── heuristics_config_utils.py │ │ │ ├── ops │ │ │ │ ├── __init__.py │ │ │ │ ├── cumsum.py │ │ │ │ └── multinomial.py │ │ │ └── tune_configs.yaml │ │ ├── _amd │ │ │ ├── __init__.py │ │ │ ├── heuristics_config_utils.py │ │ │ ├── ops │ │ │ │ └── __init__.py │ │ │ └── tune_configs.yaml │ │ ├── _arm │ │ │ ├── __init__.py │ │ │ ├── heuristics_config_utils.py │ │ │ ├── ops │ │ │ │ ├── __init__.py │ │ │ │ ├── add.py │ │ │ │ └── gelu.py │ │ │ └── tune_configs.yaml │ │ ├── _ascend │ │ │ ├── __init__.py │ │ │ ├── fused │ │ │ │ ├── __init__.py │ │ │ │ ├── cross_entropy_loss.py │ │ │ │ ├── fused_add_rms_norm.py │ │ │ │ ├── rotary_embedding.py │ │ │ │ └── skip_layernorm.py │ │ │ ├── heuristics_config_utils.py │ │ │ ├── ops │ │ │ │ ├── __init__.py │ │ │ │ ├── addmm.py │ │ │ │ ├── all.py │ │ │ │ ├── amax.py │ │ │ │ ├── angle.py │ │ │ │ ├── any.py │ │ │ │ ├── arange.py │ │ │ │ ├── argmax.py │ │ │ │ ├── argmin.py │ │ │ │ ├── bmm.py │ │ │ │ ├── cat.py │ │ │ │ ├── count_nonzero.py │ │ │ │ ├── cumsum.py │ │ │ │ ├── diag.py │ │ │ │ ├── diag_embed.py │ │ │ │ ├── diagonal.py │ │ │ │ ├── dot.py │ │ │ │ ├── embedding.py │ │ │ │ ├── exponential_.py │ │ │ │ ├── fill.py │ │ │ │ ├── flip.py │ │ │ │ ├── full.py │ │ │ │ ├── full_like.py │ │ │ │ ├── gather.py │ │ │ │ ├── groupnorm.py │ │ │ │ ├── hstack.py │ │ │ │ ├── index.py │ │ │ │ ├── index_add.py │ │ │ │ ├── index_select.py │ │ │ │ ├── isin.py │ │ │ │ ├── linspace.py │ │ │ │ ├── masked_fill.py │ │ │ │ ├── masked_select.py │ │ │ │ ├── max.py │ │ │ │ ├── mean.py │ │ │ │ ├── min.py │ │ │ │ ├── mm.py │ │ │ │ ├── multinomial.py │ │ │ │ ├── ones.py │ │ │ │ ├── ones_like.py │ │ │ │ ├── outer.py │ │ │ │ ├── polar.py │ │ │ │ ├── pow.py │ │ │ │ ├── randperm.py │ │ │ │ ├── repeat_interleave.py │ │ │ │ ├── resolve_neg.py │ │ │ │ ├── rms_norm.py │ │ │ │ ├── select_scatter.py │ │ │ │ ├── slice_scatter.py │ │ │ │ ├── softmax.py │ │ │ │ ├── sort.py │ │ │ │ ├── stack.py │ │ │ │ ├── threshold.py │ │ │ │ ├── triu.py │ │ │ │ ├── unique.py │ │ │ │ ├── var_mean.py │ │ │ │ ├── vector_norm.py │ │ │ │ ├── vstack.py │ │ │ │ ├── where.py │ │ │ │ ├── zeros.py │ │ │ │ └── zeros_like.py │ │ │ └── tune_configs.yaml │ │ ├── _cambricon │ │ │ ├── __init__.py │ │ │ ├── fused │ │ │ │ ├── __init__.py │ │ │ │ ├── cross_entropy_loss.py │ │ │ │ ├── fused_add_rms_norm.py │ │ │ │ ├── gelu_and_mul.py │ │ │ │ ├── outer.py │ │ │ │ ├── silu_and_mul.py │ │ │ │ ├── skip_layernorm.py │ │ │ │ └── weight_norm.py │ │ │ ├── heuristics_config_utils.py │ │ │ ├── ops │ │ │ │ ├── __init__.py │ │ │ │ ├── abs.py │ │ │ │ ├── add.py │ │ │ │ ├── addmm.py │ │ │ │ ├── all.py │ │ │ │ ├── amax.py │ │ │ │ ├── any.py │ │ │ │ ├── arange.py │ │ │ │ ├── argmax.py │ │ │ │ ├── bitwise_and.py │ │ │ │ ├── bitwise_not.py │ │ │ │ ├── bitwise_or.py │ │ │ │ ├── bmm.py │ │ │ │ ├── cat.py │ │ │ │ ├── clamp.py │ │ │ │ ├── copy.py │ │ │ │ ├── cos.py │ │ │ │ ├── count_nonzero.py │ │ │ │ ├── cummin.py │ │ │ │ ├── cumsum.py │ │ │ │ ├── diag.py │ │ │ │ ├── diag_embed.py │ │ │ │ ├── diagonal.py │ │ │ │ ├── div.py │ │ │ │ ├── dropout.py │ │ │ │ ├── embedding.py │ │ │ │ ├── eq.py │ │ │ │ ├── erf.py │ │ │ │ ├── exp.py │ │ │ │ ├── exponential_.py │ │ │ │ ├── fill.py │ │ │ │ ├── flip.py │ │ │ │ ├── full.py │ │ │ │ ├── full_like.py │ │ │ │ ├── gather.py │ │ │ │ ├── ge.py │ │ │ │ ├── gelu.py │ │ │ │ ├── groupnorm.py │ │ │ │ ├── gt.py │ │ │ │ ├── hstack.py │ │ │ │ ├── index_add.py │ │ │ │ ├── index_select.py │ │ │ │ ├── isclose.py │ │ │ │ ├── isfinite.py │ │ │ │ ├── isin.py │ │ │ │ ├── isinf.py │ │ │ │ ├── isnan.py │ │ │ │ ├── layernorm.py │ │ │ │ ├── le.py │ │ │ │ ├── linspace.py │ │ │ │ ├── log_sigmoid.py │ │ │ │ ├── log_softmax.py │ │ │ │ ├── logical_and.py │ │ │ │ ├── logical_not.py │ │ │ │ ├── logical_or.py │ │ │ │ ├── logical_xor.py │ │ │ │ ├── lt.py │ │ │ │ ├── masked_fill.py │ │ │ │ ├── masked_select.py │ │ │ │ ├── max.py │ │ │ │ ├── maximum.py │ │ │ │ ├── mean.py │ │ │ │ ├── min.py │ │ │ │ ├── minimum.py │ │ │ │ ├── mm.py │ │ │ │ ├── mul.py │ │ │ │ ├── multinomial.py │ │ │ │ ├── mv.py │ │ │ │ ├── ne.py │ │ │ │ ├── neg.py │ │ │ │ ├── nonzero.py │ │ │ │ ├── normal.py │ │ │ │ ├── ones.py │ │ │ │ ├── ones_like.py │ │ │ │ ├── pad.py │ │ │ │ ├── pow.py │ │ │ │ ├── prod.py │ │ │ │ ├── rand.py │ │ │ │ ├── rand_like.py │ │ │ │ ├── randn.py │ │ │ │ ├── randn_like.py │ │ │ │ ├── reciprocal.py │ │ │ │ ├── relu.py │ │ │ │ ├── repeat.py │ │ │ │ ├── repeat_interleave.py │ │ │ │ ├── resolve_conj.py │ │ │ │ ├── resolve_neg.py │ │ │ │ ├── rms_norm.py │ │ │ │ ├── rsqrt.py │ │ │ │ ├── scatter.py │ │ │ │ ├── select_scatter.py │ │ │ │ ├── sigmoid.py │ │ │ │ ├── silu.py │ │ │ │ ├── sin.py │ │ │ │ ├── slice_scatter.py │ │ │ │ ├── softmax.py │ │ │ │ ├── stack.py │ │ │ │ ├── sub.py │ │ │ │ ├── sum.py │ │ │ │ ├── tanh.py │ │ │ │ ├── tile.py │ │ │ │ ├── topk.py │ │ │ │ ├── triu.py │ │ │ │ ├── uniform.py │ │ │ │ ├── unique.py │ │ │ │ ├── upsample_nearest2d.py │ │ │ │ ├── var_mean.py │ │ │ │ ├── vector_norm.py │ │ │ │ ├── vstack.py │ │ │ │ ├── weightnorm.py │ │ │ │ ├── where.py │ │ │ │ ├── zeros.py │ │ │ │ └── zeros_like.py │ │ │ ├── tune_configs.yaml │ │ │ └── utils │ │ │ │ ├── __init__.py │ │ │ │ ├── pointwise_dynamic.py │ │ │ │ └── reduce_utils.py │ │ ├── _hygon │ │ │ ├── __init__.py │ │ │ ├── fused │ │ │ │ └── __init__.py │ │ │ ├── heuristics_config_utils.py │ │ │ ├── ops │ │ │ │ ├── __init__.py │ │ │ │ ├── all.py │ │ │ │ ├── any.py │ │ │ │ ├── div.py │ │ │ │ ├── gelu.py │ │ │ │ ├── isclose.py │ │ │ │ ├── isin.py │ │ │ │ ├── mm.py │ │ │ │ ├── pow.py │ │ │ │ ├── silu.py │ │ │ │ └── unique.py │ │ │ └── tune_configs.yaml │ │ ├── _iluvatar │ │ │ ├── __init__.py │ │ │ ├── heuristics_config_utils.py │ │ │ ├── ops │ │ │ │ ├── __init__.py │ │ │ │ ├── bmm.py │ │ │ │ └── div.py │ │ │ └── tune_configs.yaml │ │ ├── _kunlunxin │ │ │ ├── __init__.py │ │ │ ├── core_shapes.yaml │ │ │ ├── fused │ │ │ │ ├── __init__.py │ │ │ │ ├── concat_and_cache_mla.py │ │ │ │ ├── cross_entropy_loss.py │ │ │ │ ├── flash_mla.py │ │ │ │ ├── fused_add_rms_norm.py │ │ │ │ ├── gelu_and_mul.py │ │ │ │ ├── instance_norm.py │ │ │ │ ├── moe_align_block_size.py │ │ │ │ ├── outer.py │ │ │ │ ├── reshape_and_cache.py │ │ │ │ ├── reshape_and_cache_flash.py │ │ │ │ ├── rotary_embedding.py │ │ │ │ ├── rwkv_ka_fusion.py │ │ │ │ ├── rwkv_mm_sparsity.py │ │ │ │ ├── silu_and_mul.py │ │ │ │ ├── skip_layernorm.py │ │ │ │ ├── topk_softmax.py │ │ │ │ └── weight_norm.py │ │ │ ├── heuristics_config_utils.py │ │ │ ├── ops │ │ │ │ ├── __init__.py │ │ │ │ ├── abs.py │ │ │ │ ├── add.py │ │ │ │ ├── addcdiv.py │ │ │ │ ├── addcmul.py │ │ │ │ ├── addmm.py │ │ │ │ ├── addmv.py │ │ │ │ ├── addr.py │ │ │ │ ├── all.py │ │ │ │ ├── amax.py │ │ │ │ ├── angle.py │ │ │ │ ├── any.py │ │ │ │ ├── arange.py │ │ │ │ ├── argmax.py │ │ │ │ ├── argmin.py │ │ │ │ ├── atan.py │ │ │ │ ├── attention.py │ │ │ │ ├── batch_norm.py │ │ │ │ ├── bitwise_and.py │ │ │ │ ├── bitwise_left_shift.py │ │ │ │ ├── bitwise_not.py │ │ │ │ ├── bitwise_or.py │ │ │ │ ├── bitwise_right_shift.py │ │ │ │ ├── bmm.py │ │ │ │ ├── cat.py │ │ │ │ ├── celu.py │ │ │ │ ├── clamp.py │ │ │ │ ├── contiguous.py │ │ │ │ ├── conv1d.py │ │ │ │ ├── conv2d.py │ │ │ │ ├── conv3d.py │ │ │ │ ├── conv_depthwise2d.py │ │ │ │ ├── copy.py │ │ │ │ ├── cos.py │ │ │ │ ├── count_nonzero.py │ │ │ │ ├── cummax.py │ │ │ │ ├── cummin.py │ │ │ │ ├── cumsum.py │ │ │ │ ├── diag.py │ │ │ │ ├── diag_embed.py │ │ │ │ ├── diagonal.py │ │ │ │ ├── div.py │ │ │ │ ├── dot.py │ │ │ │ ├── dropout.py │ │ │ │ ├── elu.py │ │ │ │ ├── embedding.py │ │ │ │ ├── eq.py │ │ │ │ ├── erf.py │ │ │ │ ├── exp.py │ │ │ │ ├── exp2.py │ │ │ │ ├── exponential_.py │ │ │ │ ├── eye.py │ │ │ │ ├── eye_m.py │ │ │ │ ├── fill.py │ │ │ │ ├── flash_api.py │ │ │ │ ├── flash_kernel.py │ │ │ │ ├── flip.py │ │ │ │ ├── full.py │ │ │ │ ├── full_like.py │ │ │ │ ├── gather.py │ │ │ │ ├── ge.py │ │ │ │ ├── gelu.py │ │ │ │ ├── get_scheduler_metadata.py │ │ │ │ ├── glu.py │ │ │ │ ├── groupnorm.py │ │ │ │ ├── gt.py │ │ │ │ ├── hstack.py │ │ │ │ ├── index.py │ │ │ │ ├── index_add.py │ │ │ │ ├── index_put.py │ │ │ │ ├── index_select.py │ │ │ │ ├── isclose.py │ │ │ │ ├── isfinite.py │ │ │ │ ├── isin.py │ │ │ │ ├── isinf.py │ │ │ │ ├── isnan.py │ │ │ │ ├── kron.py │ │ │ │ ├── layernorm.py │ │ │ │ ├── le.py │ │ │ │ ├── lerp.py │ │ │ │ ├── linspace.py │ │ │ │ ├── log.py │ │ │ │ ├── log_sigmoid.py │ │ │ │ ├── log_softmax.py │ │ │ │ ├── logical_and.py │ │ │ │ ├── logical_not.py │ │ │ │ ├── logical_or.py │ │ │ │ ├── logical_xor.py │ │ │ │ ├── logspace.py │ │ │ │ ├── lt.py │ │ │ │ ├── masked_fill.py │ │ │ │ ├── masked_select.py │ │ │ │ ├── max.py │ │ │ │ ├── max_pool2d_with_indices.py │ │ │ │ ├── maximum.py │ │ │ │ ├── mean.py │ │ │ │ ├── min.py │ │ │ │ ├── minimum.py │ │ │ │ ├── mm.py │ │ │ │ ├── mse_loss.py │ │ │ │ ├── mul.py │ │ │ │ ├── multinomial.py │ │ │ │ ├── mv.py │ │ │ │ ├── nan_to_num.py │ │ │ │ ├── ne.py │ │ │ │ ├── neg.py │ │ │ │ ├── nllloss.py │ │ │ │ ├── nonzero.py │ │ │ │ ├── normal.py │ │ │ │ ├── ones.py │ │ │ │ ├── ones_like.py │ │ │ │ ├── pad.py │ │ │ │ ├── polar.py │ │ │ │ ├── pow.py │ │ │ │ ├── prod.py │ │ │ │ ├── quantile.py │ │ │ │ ├── rand.py │ │ │ │ ├── rand_like.py │ │ │ │ ├── randn.py │ │ │ │ ├── randn_like.py │ │ │ │ ├── randperm.py │ │ │ │ ├── reciprocal.py │ │ │ │ ├── relu.py │ │ │ │ ├── repeat.py │ │ │ │ ├── repeat_interleave.py │ │ │ │ ├── resolve_conj.py │ │ │ │ ├── resolve_neg.py │ │ │ │ ├── rms_norm.py │ │ │ │ ├── rsqrt.py │ │ │ │ ├── rsub.py │ │ │ │ ├── scatter.py │ │ │ │ ├── select_scatter.py │ │ │ │ ├── sigmoid.py │ │ │ │ ├── silu.py │ │ │ │ ├── sin.py │ │ │ │ ├── slice_scatter.py │ │ │ │ ├── softmax.py │ │ │ │ ├── softplus.py │ │ │ │ ├── sort.py │ │ │ │ ├── sqrt.py │ │ │ │ ├── stack.py │ │ │ │ ├── std.py │ │ │ │ ├── sub.py │ │ │ │ ├── sum.py │ │ │ │ ├── tanh.py │ │ │ │ ├── threshold.py │ │ │ │ ├── tile.py │ │ │ │ ├── to.py │ │ │ │ ├── topk.py │ │ │ │ ├── trace.py │ │ │ │ ├── triu.py │ │ │ │ ├── uniform.py │ │ │ │ ├── unique.py │ │ │ │ ├── upsample_bicubic2d_aa.py │ │ │ │ ├── upsample_nearest2d.py │ │ │ │ ├── var_mean.py │ │ │ │ ├── vdot.py │ │ │ │ ├── vector_norm.py │ │ │ │ ├── vstack.py │ │ │ │ ├── weightnorm.py │ │ │ │ ├── where.py │ │ │ │ ├── zeros.py │ │ │ │ └── zeros_like.py │ │ │ ├── tune_configs.yaml │ │ │ └── utils │ │ │ │ ├── block_size_utils.py │ │ │ │ ├── codegen_config_utils.py │ │ │ │ └── pointwise_dynamic.py │ │ ├── _metax │ │ │ ├── __init__.py │ │ │ ├── fused │ │ │ │ ├── __init__.py │ │ │ │ └── flash_mla.py │ │ │ ├── heuristics_config_utils.py │ │ │ ├── ops │ │ │ │ ├── __init__.py │ │ │ │ ├── addmm.py │ │ │ │ ├── amax.py │ │ │ │ ├── arange.py │ │ │ │ ├── bmm.py │ │ │ │ ├── exponential_.py │ │ │ │ ├── full.py │ │ │ │ ├── full_like.py │ │ │ │ ├── groupnorm.py │ │ │ │ ├── index.py │ │ │ │ ├── index_select.py │ │ │ │ ├── isin.py │ │ │ │ ├── log_softmax.py │ │ │ │ ├── masked_fill.py │ │ │ │ ├── min.py │ │ │ │ ├── mm.py │ │ │ │ ├── nonzero.py │ │ │ │ ├── ones.py │ │ │ │ ├── ones_like.py │ │ │ │ ├── outer.py │ │ │ │ ├── polar.py │ │ │ │ ├── prod.py │ │ │ │ ├── repeat_interleave.py │ │ │ │ ├── resolve_conj.py │ │ │ │ ├── sigmoid.py │ │ │ │ ├── tanh.py │ │ │ │ ├── unique.py │ │ │ │ ├── upsample_nearest2d.py │ │ │ │ ├── zeros.py │ │ │ │ └── zeros_like.py │ │ │ └── tune_configs.yaml │ │ ├── _mthreads │ │ │ ├── __init__.py │ │ │ ├── fused │ │ │ │ ├── __init__.py │ │ │ │ └── cross_entropy_loss.py │ │ │ ├── heuristics_config_utils.py │ │ │ ├── ops │ │ │ │ ├── __init__.py │ │ │ │ ├── addmm.py │ │ │ │ ├── all.py │ │ │ │ ├── any.py │ │ │ │ ├── arange.py │ │ │ │ ├── argmin.py │ │ │ │ ├── batch_norm.py │ │ │ │ ├── bmm.py │ │ │ │ ├── celu.py │ │ │ │ ├── conv2d.py │ │ │ │ ├── dropout.py │ │ │ │ ├── gather.py │ │ │ │ ├── gelu.py │ │ │ │ ├── index_put.py │ │ │ │ ├── isin.py │ │ │ │ ├── log.py │ │ │ │ ├── max.py │ │ │ │ ├── min.py │ │ │ │ ├── mm.py │ │ │ │ ├── ones.py │ │ │ │ ├── ones_like.py │ │ │ │ ├── prod.py │ │ │ │ ├── rand.py │ │ │ │ ├── rand_like.py │ │ │ │ ├── randn.py │ │ │ │ ├── randn_like.py │ │ │ │ ├── randperm.py │ │ │ │ ├── sort.py │ │ │ │ ├── tanh.py │ │ │ │ ├── unique.py │ │ │ │ ├── utils.py │ │ │ │ ├── zeros.py │ │ │ │ └── zeros_like.py │ │ │ └── tune_configs.yaml │ │ ├── _nvidia │ │ │ ├── __init__.py │ │ │ ├── ampere │ │ │ │ ├── __init__.py │ │ │ │ └── ops │ │ │ │ │ └── __init__.py │ │ │ ├── fused │ │ │ │ ├── __init__.py │ │ │ │ └── fused_add_rms_norm.py │ │ │ ├── heuristics_config_utils.py │ │ │ ├── hopper │ │ │ │ ├── __init__.py │ │ │ │ ├── heuristics_config_utils.py │ │ │ │ ├── ops │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── mm.py │ │ │ │ └── tune_configs.yaml │ │ │ ├── ops │ │ │ │ ├── __init__.py │ │ │ │ ├── add.py │ │ │ │ └── gelu.py │ │ │ └── tune_configs.yaml │ │ ├── backend_utils.py │ │ └── device.py │ ├── common.py │ ├── configloader.py │ ├── error.py │ └── register.py │ ├── testing │ └── __init__.py │ └── utils │ ├── __init__.py │ ├── code_cache.py │ ├── code_utils.py │ ├── codegen_config_utils.py │ ├── libentry.py │ ├── limits.py │ ├── models │ ├── __init__.py │ ├── model.py │ ├── session.py │ └── sql.py │ ├── pointwise_dynamic.py │ ├── random_utils.py │ ├── shape_utils.py │ ├── tensor_wrapper.py │ ├── triton_driver_helper.py │ ├── triton_lang_extension.py │ ├── triton_lang_helper.py │ └── type_utils.py ├── tests ├── __init__.py ├── accuracy_utils.py ├── conftest.py ├── ks_tests.py ├── test_attention_ops.py ├── test_binary_pointwise_ops.py ├── test_blas_ops.py ├── test_convolution_ops.py ├── test_distribution_ops.py ├── test_general_reduction_ops.py ├── test_libentry.py ├── test_norm_ops.py ├── test_pointwise_dynamic.py ├── test_pointwise_type_promotion.py ├── test_quant.py ├── test_reduction_ops.py ├── test_shape_utils.py ├── test_special_ops.py ├── test_tensor_constructor_ops.py ├── test_tensor_wrapper.py └── test_unary_pointwise_ops.py ├── tools ├── blas-op-test.sh ├── code_coverage │ ├── .ipynb_checkpoints │ │ └── coverage_diff_discard-checkpoint.py │ ├── coverage.sh │ ├── coverage_diff.py │ ├── coverage_diff_discard.py │ ├── coverage_lines.py │ ├── jit_func_position.py │ ├── pull_request.py │ ├── python_coverage.py │ └── report_coverage.sh ├── extract_aten_ops.py ├── gpu_check.sh ├── model-test.sh ├── op-test-quick-cpu.sh ├── op-utils-test.sh ├── pointwise-op-test.sh ├── pytest_mark_check.sh ├── reduction-op-test.sh ├── run_command.sh └── special-op-test.sh └── triton_src ├── binary_add.py ├── cat_copy.py ├── contiguous.py ├── fill.py └── zeros.py /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.clang-format -------------------------------------------------------------------------------- /.coverage.rc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.coverage.rc -------------------------------------------------------------------------------- /.gitattributes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.gitattributes -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/ask-a-question.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/ISSUE_TEMPLATE/ask-a-question.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/bug-report.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/ISSUE_TEMPLATE/bug-report.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/feature-request.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/ISSUE_TEMPLATE/feature-request.yml -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/PULL_REQUEST_TEMPLATE.md -------------------------------------------------------------------------------- /.github/workflows/blas-op-test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/blas-op-test.yaml -------------------------------------------------------------------------------- /.github/workflows/code-format-check.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/code-format-check.yml -------------------------------------------------------------------------------- /.github/workflows/code_scan.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/code_scan.yaml -------------------------------------------------------------------------------- /.github/workflows/gems-cpp-extension.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/gems-cpp-extension.yaml -------------------------------------------------------------------------------- /.github/workflows/gems-test-on-hopper.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/gems-test-on-hopper.yaml -------------------------------------------------------------------------------- /.github/workflows/gems-test-on-metax.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/gems-test-on-metax.yaml -------------------------------------------------------------------------------- /.github/workflows/mkdocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/mkdocs.yaml -------------------------------------------------------------------------------- /.github/workflows/model-test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/model-test.yaml -------------------------------------------------------------------------------- /.github/workflows/op-test-quick-cpu.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/op-test-quick-cpu.yaml -------------------------------------------------------------------------------- /.github/workflows/op-utils-test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/op-utils-test.yaml -------------------------------------------------------------------------------- /.github/workflows/pointwise-op-test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/pointwise-op-test.yaml -------------------------------------------------------------------------------- /.github/workflows/python-coverage.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/python-coverage.yaml -------------------------------------------------------------------------------- /.github/workflows/reduction-op-test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/reduction-op-test.yaml -------------------------------------------------------------------------------- /.github/workflows/special-op-test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.github/workflows/special-op-test.yaml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.gitignore -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /CONTRIBUTING_cn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/CONTRIBUTING_cn.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/LICENSE -------------------------------------------------------------------------------- /MAINTAINERS.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/MAINTAINERS.md -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/README.md -------------------------------------------------------------------------------- /README_cn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/README_cn.md -------------------------------------------------------------------------------- /SECURITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/SECURITY.md -------------------------------------------------------------------------------- /benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /benchmark/attri_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/attri_util.py -------------------------------------------------------------------------------- /benchmark/benchmark_for_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/benchmark_for_models.py -------------------------------------------------------------------------------- /benchmark/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/conftest.py -------------------------------------------------------------------------------- /benchmark/core_shapes.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/core_shapes.yaml -------------------------------------------------------------------------------- /benchmark/models_benchmark/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/models_benchmark/README.md -------------------------------------------------------------------------------- /benchmark/models_benchmark/backend_request_func.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/models_benchmark/backend_request_func.py -------------------------------------------------------------------------------- /benchmark/models_benchmark/benchmark_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/models_benchmark/benchmark_dataset.py -------------------------------------------------------------------------------- /benchmark/models_benchmark/benchmark_serving.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/models_benchmark/benchmark_serving.py -------------------------------------------------------------------------------- /benchmark/models_benchmark/benchmark_throughput.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/models_benchmark/benchmark_throughput.py -------------------------------------------------------------------------------- /benchmark/models_benchmark/benchmark_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/models_benchmark/benchmark_utils.py -------------------------------------------------------------------------------- /benchmark/models_benchmark/offline.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/models_benchmark/offline.sh -------------------------------------------------------------------------------- /benchmark/models_benchmark/online.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/models_benchmark/online.sh -------------------------------------------------------------------------------- /benchmark/models_benchmark/online_with_gems.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/models_benchmark/online_with_gems.sh -------------------------------------------------------------------------------- /benchmark/models_benchmark/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/models_benchmark/requirements.txt -------------------------------------------------------------------------------- /benchmark/models_shapes/qwen25.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/models_shapes/qwen25.yaml -------------------------------------------------------------------------------- /benchmark/performance_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/performance_utils.py -------------------------------------------------------------------------------- /benchmark/summary_for_plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/summary_for_plot.py -------------------------------------------------------------------------------- /benchmark/test_attention_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_attention_perf.py -------------------------------------------------------------------------------- /benchmark/test_binary_pointwise_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_binary_pointwise_perf.py -------------------------------------------------------------------------------- /benchmark/test_blas_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_blas_perf.py -------------------------------------------------------------------------------- /benchmark/test_convolution_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_convolution_perf.py -------------------------------------------------------------------------------- /benchmark/test_distribution_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_distribution_perf.py -------------------------------------------------------------------------------- /benchmark/test_fused_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_fused_perf.py -------------------------------------------------------------------------------- /benchmark/test_generic_pointwise_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_generic_pointwise_perf.py -------------------------------------------------------------------------------- /benchmark/test_norm_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_norm_perf.py -------------------------------------------------------------------------------- /benchmark/test_reduction_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_reduction_perf.py -------------------------------------------------------------------------------- /benchmark/test_select_and_slice_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_select_and_slice_perf.py -------------------------------------------------------------------------------- /benchmark/test_special_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_special_perf.py -------------------------------------------------------------------------------- /benchmark/test_tensor_concat_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_tensor_concat_perf.py -------------------------------------------------------------------------------- /benchmark/test_tensor_constructor_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_tensor_constructor_perf.py -------------------------------------------------------------------------------- /benchmark/test_transformer_engine_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_transformer_engine_perf.py -------------------------------------------------------------------------------- /benchmark/test_unary_pointwise_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/benchmark/test_unary_pointwise_perf.py -------------------------------------------------------------------------------- /cmake/Config.cmake.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/cmake/Config.cmake.in -------------------------------------------------------------------------------- /cmake/FindTorch.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/cmake/FindTorch.cmake -------------------------------------------------------------------------------- /ctests/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/CMakeLists.txt -------------------------------------------------------------------------------- /ctests/test_triton_argmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_argmax.cpp -------------------------------------------------------------------------------- /ctests/test_triton_blas.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_blas.cpp -------------------------------------------------------------------------------- /ctests/test_triton_bmm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_bmm.cpp -------------------------------------------------------------------------------- /ctests/test_triton_cat.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_cat.cpp -------------------------------------------------------------------------------- /ctests/test_triton_contiguous.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_contiguous.cpp -------------------------------------------------------------------------------- /ctests/test_triton_embedding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_embedding.cpp -------------------------------------------------------------------------------- /ctests/test_triton_exponential_.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_exponential_.cpp -------------------------------------------------------------------------------- /ctests/test_triton_fill.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_fill.cpp -------------------------------------------------------------------------------- /ctests/test_triton_flash_attn_varlen.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_flash_attn_varlen.cpp -------------------------------------------------------------------------------- /ctests/test_triton_norm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_norm.cpp -------------------------------------------------------------------------------- /ctests/test_triton_pointwise.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_pointwise.cpp -------------------------------------------------------------------------------- /ctests/test_triton_reduction.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_reduction.cpp -------------------------------------------------------------------------------- /ctests/test_triton_reshape_and_cache_flash.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_reshape_and_cache_flash.cpp -------------------------------------------------------------------------------- /ctests/test_triton_rope.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_rope.cpp -------------------------------------------------------------------------------- /ctests/test_triton_rwkv_ka_fusion.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_rwkv_ka_fusion.cpp -------------------------------------------------------------------------------- /ctests/test_triton_rwkv_mm_sparsity.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_rwkv_mm_sparsity.cpp -------------------------------------------------------------------------------- /ctests/test_triton_softmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_softmax.cpp -------------------------------------------------------------------------------- /ctests/test_triton_sort.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_sort.cpp -------------------------------------------------------------------------------- /ctests/test_triton_tensor_constructor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_tensor_constructor.cpp -------------------------------------------------------------------------------- /ctests/test_triton_topk.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/ctests/test_triton_topk.cpp -------------------------------------------------------------------------------- /docs/add_a_cpp_wrapper.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/add_a_cpp_wrapper.md -------------------------------------------------------------------------------- /docs/assets/speedup-20240614.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/assets/speedup-20240614.png -------------------------------------------------------------------------------- /docs/assets/speedup-20240624.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/assets/speedup-20240624.png -------------------------------------------------------------------------------- /docs/assets/speedup-20240708.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/assets/speedup-20240708.png -------------------------------------------------------------------------------- /docs/assets/speedup-20240814.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/assets/speedup-20240814.png -------------------------------------------------------------------------------- /docs/assets/speedup-20241218.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/assets/speedup-20241218.png -------------------------------------------------------------------------------- /docs/assets/speedup-20250423.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/assets/speedup-20250423.png -------------------------------------------------------------------------------- /docs/code_countribution.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/code_countribution.md -------------------------------------------------------------------------------- /docs/ctest_in_flaggems.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/ctest_in_flaggems.md -------------------------------------------------------------------------------- /docs/get_start_with_flaggems.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/get_start_with_flaggems.md -------------------------------------------------------------------------------- /docs/how_to_use_flaggems.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/how_to_use_flaggems.md -------------------------------------------------------------------------------- /docs/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/index.md -------------------------------------------------------------------------------- /docs/installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/installation.md -------------------------------------------------------------------------------- /docs/libcache_db_backend.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/libcache_db_backend.md -------------------------------------------------------------------------------- /docs/operator_list.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/operator_list.md -------------------------------------------------------------------------------- /docs/performance_and_benchmark.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/performance_and_benchmark.md -------------------------------------------------------------------------------- /docs/pointwise_dynamic.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/pointwise_dynamic.md -------------------------------------------------------------------------------- /docs/pytest_in_flaggems.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/docs/pytest_in_flaggems.md -------------------------------------------------------------------------------- /examples/be_pt2_compliant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/examples/be_pt2_compliant.py -------------------------------------------------------------------------------- /examples/deepseek_with_vllm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/examples/deepseek_with_vllm_test.py -------------------------------------------------------------------------------- /examples/integration_gems_with_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/examples/integration_gems_with_vllm.py -------------------------------------------------------------------------------- /examples/model_bert_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/examples/model_bert_test.py -------------------------------------------------------------------------------- /examples/model_llama_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/examples/model_llama_test.py -------------------------------------------------------------------------------- /examples/model_llava_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/examples/model_llava_test.py -------------------------------------------------------------------------------- /examples/pretune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/examples/pretune.py -------------------------------------------------------------------------------- /examples/use_cpp_runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/examples/use_cpp_runtime.py -------------------------------------------------------------------------------- /include/flag_gems/device_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/include/flag_gems/device_info.h -------------------------------------------------------------------------------- /include/flag_gems/operators.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/include/flag_gems/operators.h -------------------------------------------------------------------------------- /include/flag_gems/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/include/flag_gems/utils.h -------------------------------------------------------------------------------- /lib/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/CMakeLists.txt -------------------------------------------------------------------------------- /lib/add.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/add.cpp -------------------------------------------------------------------------------- /lib/addmm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/addmm.cpp -------------------------------------------------------------------------------- /lib/argmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/argmax.cpp -------------------------------------------------------------------------------- /lib/bmm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/bmm.cpp -------------------------------------------------------------------------------- /lib/cat.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/cat.cpp -------------------------------------------------------------------------------- /lib/contiguous.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/contiguous.cpp -------------------------------------------------------------------------------- /lib/device_info.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/device_info.cpp -------------------------------------------------------------------------------- /lib/embedding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/embedding.cpp -------------------------------------------------------------------------------- /lib/exponential_.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/exponential_.cpp -------------------------------------------------------------------------------- /lib/fill.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/fill.cpp -------------------------------------------------------------------------------- /lib/flash_attn_varlen_func.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/flash_attn_varlen_func.cpp -------------------------------------------------------------------------------- /lib/fused_add_rms_norm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/fused_add_rms_norm.cpp -------------------------------------------------------------------------------- /lib/max.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/max.cpp -------------------------------------------------------------------------------- /lib/mm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/mm.cpp -------------------------------------------------------------------------------- /lib/nonzero.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/nonzero.cpp -------------------------------------------------------------------------------- /lib/reshape_and_cache_flash.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/reshape_and_cache_flash.cpp -------------------------------------------------------------------------------- /lib/rms_norm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/rms_norm.cpp -------------------------------------------------------------------------------- /lib/rotary_embedding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/rotary_embedding.cpp -------------------------------------------------------------------------------- /lib/rwkv_ka_fusion.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/rwkv_ka_fusion.cpp -------------------------------------------------------------------------------- /lib/rwkv_mm_sparsity.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/rwkv_mm_sparsity.cpp -------------------------------------------------------------------------------- /lib/softmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/softmax.cpp -------------------------------------------------------------------------------- /lib/sort.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/sort.cpp -------------------------------------------------------------------------------- /lib/sum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/sum.cpp -------------------------------------------------------------------------------- /lib/topk.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/topk.cpp -------------------------------------------------------------------------------- /lib/utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/utils.cpp -------------------------------------------------------------------------------- /lib/zeros.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/lib/zeros.cpp -------------------------------------------------------------------------------- /mkdocs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/mkdocs.yml -------------------------------------------------------------------------------- /modules_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /modules_tests/module_test_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/modules_tests/module_test_util.py -------------------------------------------------------------------------------- /modules_tests/test_gems_activation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/modules_tests/test_gems_activation.py -------------------------------------------------------------------------------- /modules_tests/test_gems_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/modules_tests/test_gems_attn.py -------------------------------------------------------------------------------- /modules_tests/test_gems_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/modules_tests/test_gems_normalization.py -------------------------------------------------------------------------------- /modules_tests/test_gems_rotary_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/modules_tests/test_gems_rotary_embedding.py -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/pyproject.toml -------------------------------------------------------------------------------- /pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/pytest.ini -------------------------------------------------------------------------------- /src/flag_gems/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/config.py -------------------------------------------------------------------------------- /src/flag_gems/csrc/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/csrc/CMakeLists.txt -------------------------------------------------------------------------------- /src/flag_gems/csrc/aten_patch.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/csrc/aten_patch.cpp -------------------------------------------------------------------------------- /src/flag_gems/csrc/aten_patch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/csrc/aten_patch.h -------------------------------------------------------------------------------- /src/flag_gems/csrc/cstub.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/csrc/cstub.cpp -------------------------------------------------------------------------------- /src/flag_gems/fused/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/fused/concat_and_cache_mla.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/concat_and_cache_mla.py -------------------------------------------------------------------------------- /src/flag_gems/fused/cross_entropy_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/cross_entropy_loss.py -------------------------------------------------------------------------------- /src/flag_gems/fused/flash_mla.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/flash_mla.py -------------------------------------------------------------------------------- /src/flag_gems/fused/fused_add_rms_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/fused_add_rms_norm.py -------------------------------------------------------------------------------- /src/flag_gems/fused/geglu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/geglu.py -------------------------------------------------------------------------------- /src/flag_gems/fused/gelu_and_mul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/gelu_and_mul.py -------------------------------------------------------------------------------- /src/flag_gems/fused/instance_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/instance_norm.py -------------------------------------------------------------------------------- /src/flag_gems/fused/moe_align_block_size.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/moe_align_block_size.py -------------------------------------------------------------------------------- /src/flag_gems/fused/moe_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/moe_sum.py -------------------------------------------------------------------------------- /src/flag_gems/fused/outer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/outer.py -------------------------------------------------------------------------------- /src/flag_gems/fused/reshape_and_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/reshape_and_cache.py -------------------------------------------------------------------------------- /src/flag_gems/fused/reshape_and_cache_flash.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/reshape_and_cache_flash.py -------------------------------------------------------------------------------- /src/flag_gems/fused/rotary_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/rotary_embedding.py -------------------------------------------------------------------------------- /src/flag_gems/fused/rwkv_ka_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/rwkv_ka_fusion.py -------------------------------------------------------------------------------- /src/flag_gems/fused/rwkv_mm_sparsity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/rwkv_mm_sparsity.py -------------------------------------------------------------------------------- /src/flag_gems/fused/silu_and_mul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/silu_and_mul.py -------------------------------------------------------------------------------- /src/flag_gems/fused/skip_layernorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/skip_layernorm.py -------------------------------------------------------------------------------- /src/flag_gems/fused/topk_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/topk_softmax.py -------------------------------------------------------------------------------- /src/flag_gems/fused/weight_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/fused/weight_norm.py -------------------------------------------------------------------------------- /src/flag_gems/logging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/logging_utils.py -------------------------------------------------------------------------------- /src/flag_gems/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/modules/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/modules/activation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/modules/activation.py -------------------------------------------------------------------------------- /src/flag_gems/modules/normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/modules/normalization.py -------------------------------------------------------------------------------- /src/flag_gems/modules/rotary_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/modules/rotary_embedding.py -------------------------------------------------------------------------------- /src/flag_gems/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/ops/abs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/abs.py -------------------------------------------------------------------------------- /src/flag_gems/ops/add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/add.py -------------------------------------------------------------------------------- /src/flag_gems/ops/addcdiv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/addcdiv.py -------------------------------------------------------------------------------- /src/flag_gems/ops/addcmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/addcmul.py -------------------------------------------------------------------------------- /src/flag_gems/ops/addmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/addmm.py -------------------------------------------------------------------------------- /src/flag_gems/ops/addmv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/addmv.py -------------------------------------------------------------------------------- /src/flag_gems/ops/addr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/addr.py -------------------------------------------------------------------------------- /src/flag_gems/ops/all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/all.py -------------------------------------------------------------------------------- /src/flag_gems/ops/amax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/amax.py -------------------------------------------------------------------------------- /src/flag_gems/ops/angle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/angle.py -------------------------------------------------------------------------------- /src/flag_gems/ops/any.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/any.py -------------------------------------------------------------------------------- /src/flag_gems/ops/arange.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/arange.py -------------------------------------------------------------------------------- /src/flag_gems/ops/argmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/argmax.py -------------------------------------------------------------------------------- /src/flag_gems/ops/argmin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/argmin.py -------------------------------------------------------------------------------- /src/flag_gems/ops/atan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/atan.py -------------------------------------------------------------------------------- /src/flag_gems/ops/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/attention.py -------------------------------------------------------------------------------- /src/flag_gems/ops/avg_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/avg_pool2d.py -------------------------------------------------------------------------------- /src/flag_gems/ops/baddbmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/baddbmm.py -------------------------------------------------------------------------------- /src/flag_gems/ops/batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/batch_norm.py -------------------------------------------------------------------------------- /src/flag_gems/ops/bitwise_and.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/bitwise_and.py -------------------------------------------------------------------------------- /src/flag_gems/ops/bitwise_left_shift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/bitwise_left_shift.py -------------------------------------------------------------------------------- /src/flag_gems/ops/bitwise_not.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/bitwise_not.py -------------------------------------------------------------------------------- /src/flag_gems/ops/bitwise_or.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/bitwise_or.py -------------------------------------------------------------------------------- /src/flag_gems/ops/bitwise_right_shift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/bitwise_right_shift.py -------------------------------------------------------------------------------- /src/flag_gems/ops/bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/bmm.py -------------------------------------------------------------------------------- /src/flag_gems/ops/cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/cat.py -------------------------------------------------------------------------------- /src/flag_gems/ops/celu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/celu.py -------------------------------------------------------------------------------- /src/flag_gems/ops/clamp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/clamp.py -------------------------------------------------------------------------------- /src/flag_gems/ops/contiguous.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/contiguous.py -------------------------------------------------------------------------------- /src/flag_gems/ops/conv1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/conv1d.py -------------------------------------------------------------------------------- /src/flag_gems/ops/conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/conv2d.py -------------------------------------------------------------------------------- /src/flag_gems/ops/conv3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/conv3d.py -------------------------------------------------------------------------------- /src/flag_gems/ops/conv_depthwise2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/conv_depthwise2d.py -------------------------------------------------------------------------------- /src/flag_gems/ops/copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/copy.py -------------------------------------------------------------------------------- /src/flag_gems/ops/cos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/cos.py -------------------------------------------------------------------------------- /src/flag_gems/ops/count_nonzero.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/count_nonzero.py -------------------------------------------------------------------------------- /src/flag_gems/ops/cummax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/cummax.py -------------------------------------------------------------------------------- /src/flag_gems/ops/cummin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/cummin.py -------------------------------------------------------------------------------- /src/flag_gems/ops/cumsum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/cumsum.py -------------------------------------------------------------------------------- /src/flag_gems/ops/diag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/diag.py -------------------------------------------------------------------------------- /src/flag_gems/ops/diag_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/diag_embed.py -------------------------------------------------------------------------------- /src/flag_gems/ops/diagonal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/diagonal.py -------------------------------------------------------------------------------- /src/flag_gems/ops/div.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/div.py -------------------------------------------------------------------------------- /src/flag_gems/ops/dot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/dot.py -------------------------------------------------------------------------------- /src/flag_gems/ops/dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/dropout.py -------------------------------------------------------------------------------- /src/flag_gems/ops/elu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/elu.py -------------------------------------------------------------------------------- /src/flag_gems/ops/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/embedding.py -------------------------------------------------------------------------------- /src/flag_gems/ops/eq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/eq.py -------------------------------------------------------------------------------- /src/flag_gems/ops/erf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/erf.py -------------------------------------------------------------------------------- /src/flag_gems/ops/exp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/exp.py -------------------------------------------------------------------------------- /src/flag_gems/ops/exp2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/exp2.py -------------------------------------------------------------------------------- /src/flag_gems/ops/exponential_.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/exponential_.py -------------------------------------------------------------------------------- /src/flag_gems/ops/eye.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/eye.py -------------------------------------------------------------------------------- /src/flag_gems/ops/eye_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/eye_m.py -------------------------------------------------------------------------------- /src/flag_gems/ops/fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/fill.py -------------------------------------------------------------------------------- /src/flag_gems/ops/flash_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/flash_api.py -------------------------------------------------------------------------------- /src/flag_gems/ops/flash_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/flash_kernel.py -------------------------------------------------------------------------------- /src/flag_gems/ops/flip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/flip.py -------------------------------------------------------------------------------- /src/flag_gems/ops/full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/full.py -------------------------------------------------------------------------------- /src/flag_gems/ops/full_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/full_like.py -------------------------------------------------------------------------------- /src/flag_gems/ops/gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/gather.py -------------------------------------------------------------------------------- /src/flag_gems/ops/ge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/ge.py -------------------------------------------------------------------------------- /src/flag_gems/ops/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/gelu.py -------------------------------------------------------------------------------- /src/flag_gems/ops/get_scheduler_metadata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/get_scheduler_metadata.py -------------------------------------------------------------------------------- /src/flag_gems/ops/glu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/glu.py -------------------------------------------------------------------------------- /src/flag_gems/ops/groupnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/groupnorm.py -------------------------------------------------------------------------------- /src/flag_gems/ops/gt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/gt.py -------------------------------------------------------------------------------- /src/flag_gems/ops/hstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/hstack.py -------------------------------------------------------------------------------- /src/flag_gems/ops/index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/index.py -------------------------------------------------------------------------------- /src/flag_gems/ops/index_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/index_add.py -------------------------------------------------------------------------------- /src/flag_gems/ops/index_put.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/index_put.py -------------------------------------------------------------------------------- /src/flag_gems/ops/index_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/index_select.py -------------------------------------------------------------------------------- /src/flag_gems/ops/isclose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/isclose.py -------------------------------------------------------------------------------- /src/flag_gems/ops/isfinite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/isfinite.py -------------------------------------------------------------------------------- /src/flag_gems/ops/isin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/isin.py -------------------------------------------------------------------------------- /src/flag_gems/ops/isinf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/isinf.py -------------------------------------------------------------------------------- /src/flag_gems/ops/isnan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/isnan.py -------------------------------------------------------------------------------- /src/flag_gems/ops/kron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/kron.py -------------------------------------------------------------------------------- /src/flag_gems/ops/layernorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/layernorm.py -------------------------------------------------------------------------------- /src/flag_gems/ops/le.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/le.py -------------------------------------------------------------------------------- /src/flag_gems/ops/lerp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/lerp.py -------------------------------------------------------------------------------- /src/flag_gems/ops/linspace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/linspace.py -------------------------------------------------------------------------------- /src/flag_gems/ops/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/log.py -------------------------------------------------------------------------------- /src/flag_gems/ops/log_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/log_sigmoid.py -------------------------------------------------------------------------------- /src/flag_gems/ops/log_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/log_softmax.py -------------------------------------------------------------------------------- /src/flag_gems/ops/logical_and.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/logical_and.py -------------------------------------------------------------------------------- /src/flag_gems/ops/logical_not.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/logical_not.py -------------------------------------------------------------------------------- /src/flag_gems/ops/logical_or.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/logical_or.py -------------------------------------------------------------------------------- /src/flag_gems/ops/logical_xor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/logical_xor.py -------------------------------------------------------------------------------- /src/flag_gems/ops/logspace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/logspace.py -------------------------------------------------------------------------------- /src/flag_gems/ops/lt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/lt.py -------------------------------------------------------------------------------- /src/flag_gems/ops/masked_fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/masked_fill.py -------------------------------------------------------------------------------- /src/flag_gems/ops/masked_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/masked_select.py -------------------------------------------------------------------------------- /src/flag_gems/ops/max.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/max.py -------------------------------------------------------------------------------- /src/flag_gems/ops/max_pool2d_with_indices.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/max_pool2d_with_indices.py -------------------------------------------------------------------------------- /src/flag_gems/ops/maximum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/maximum.py -------------------------------------------------------------------------------- /src/flag_gems/ops/mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/mean.py -------------------------------------------------------------------------------- /src/flag_gems/ops/min.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/min.py -------------------------------------------------------------------------------- /src/flag_gems/ops/minimum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/minimum.py -------------------------------------------------------------------------------- /src/flag_gems/ops/mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/mm.py -------------------------------------------------------------------------------- /src/flag_gems/ops/mm_streamk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/mm_streamk.py -------------------------------------------------------------------------------- /src/flag_gems/ops/mse_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/mse_loss.py -------------------------------------------------------------------------------- /src/flag_gems/ops/mul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/mul.py -------------------------------------------------------------------------------- /src/flag_gems/ops/multinomial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/multinomial.py -------------------------------------------------------------------------------- /src/flag_gems/ops/mv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/mv.py -------------------------------------------------------------------------------- /src/flag_gems/ops/nan_to_num.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/nan_to_num.py -------------------------------------------------------------------------------- /src/flag_gems/ops/ne.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/ne.py -------------------------------------------------------------------------------- /src/flag_gems/ops/neg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/neg.py -------------------------------------------------------------------------------- /src/flag_gems/ops/nllloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/nllloss.py -------------------------------------------------------------------------------- /src/flag_gems/ops/nonzero.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/nonzero.py -------------------------------------------------------------------------------- /src/flag_gems/ops/normal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/normal.py -------------------------------------------------------------------------------- /src/flag_gems/ops/ones.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/ones.py -------------------------------------------------------------------------------- /src/flag_gems/ops/ones_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/ones_like.py -------------------------------------------------------------------------------- /src/flag_gems/ops/pad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/pad.py -------------------------------------------------------------------------------- /src/flag_gems/ops/per_token_group_quant_fp8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/per_token_group_quant_fp8.py -------------------------------------------------------------------------------- /src/flag_gems/ops/polar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/polar.py -------------------------------------------------------------------------------- /src/flag_gems/ops/pow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/pow.py -------------------------------------------------------------------------------- /src/flag_gems/ops/prod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/prod.py -------------------------------------------------------------------------------- /src/flag_gems/ops/quantile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/quantile.py -------------------------------------------------------------------------------- /src/flag_gems/ops/rand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/rand.py -------------------------------------------------------------------------------- /src/flag_gems/ops/rand_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/rand_like.py -------------------------------------------------------------------------------- /src/flag_gems/ops/randn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/randn.py -------------------------------------------------------------------------------- /src/flag_gems/ops/randn_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/randn_like.py -------------------------------------------------------------------------------- /src/flag_gems/ops/randperm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/randperm.py -------------------------------------------------------------------------------- /src/flag_gems/ops/reciprocal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/reciprocal.py -------------------------------------------------------------------------------- /src/flag_gems/ops/relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/relu.py -------------------------------------------------------------------------------- /src/flag_gems/ops/repeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/repeat.py -------------------------------------------------------------------------------- /src/flag_gems/ops/repeat_interleave.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/repeat_interleave.py -------------------------------------------------------------------------------- /src/flag_gems/ops/resolve_conj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/resolve_conj.py -------------------------------------------------------------------------------- /src/flag_gems/ops/resolve_neg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/resolve_neg.py -------------------------------------------------------------------------------- /src/flag_gems/ops/rms_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/rms_norm.py -------------------------------------------------------------------------------- /src/flag_gems/ops/rsqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/rsqrt.py -------------------------------------------------------------------------------- /src/flag_gems/ops/scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/scatter.py -------------------------------------------------------------------------------- /src/flag_gems/ops/select_scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/select_scatter.py -------------------------------------------------------------------------------- /src/flag_gems/ops/sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/sigmoid.py -------------------------------------------------------------------------------- /src/flag_gems/ops/silu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/silu.py -------------------------------------------------------------------------------- /src/flag_gems/ops/sin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/sin.py -------------------------------------------------------------------------------- /src/flag_gems/ops/slice_scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/slice_scatter.py -------------------------------------------------------------------------------- /src/flag_gems/ops/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/softmax.py -------------------------------------------------------------------------------- /src/flag_gems/ops/softplus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/softplus.py -------------------------------------------------------------------------------- /src/flag_gems/ops/sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/sort.py -------------------------------------------------------------------------------- /src/flag_gems/ops/sqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/sqrt.py -------------------------------------------------------------------------------- /src/flag_gems/ops/stack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/stack.py -------------------------------------------------------------------------------- /src/flag_gems/ops/std.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/std.py -------------------------------------------------------------------------------- /src/flag_gems/ops/sub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/sub.py -------------------------------------------------------------------------------- /src/flag_gems/ops/sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/sum.py -------------------------------------------------------------------------------- /src/flag_gems/ops/tan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/tan.py -------------------------------------------------------------------------------- /src/flag_gems/ops/tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/tanh.py -------------------------------------------------------------------------------- /src/flag_gems/ops/threshold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/threshold.py -------------------------------------------------------------------------------- /src/flag_gems/ops/tile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/tile.py -------------------------------------------------------------------------------- /src/flag_gems/ops/to.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/to.py -------------------------------------------------------------------------------- /src/flag_gems/ops/topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/topk.py -------------------------------------------------------------------------------- /src/flag_gems/ops/trace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/trace.py -------------------------------------------------------------------------------- /src/flag_gems/ops/triu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/triu.py -------------------------------------------------------------------------------- /src/flag_gems/ops/uniform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/uniform.py -------------------------------------------------------------------------------- /src/flag_gems/ops/unique.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/unique.py -------------------------------------------------------------------------------- /src/flag_gems/ops/upsample_bicubic2d_aa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/upsample_bicubic2d_aa.py -------------------------------------------------------------------------------- /src/flag_gems/ops/upsample_nearest2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/upsample_nearest2d.py -------------------------------------------------------------------------------- /src/flag_gems/ops/var_mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/var_mean.py -------------------------------------------------------------------------------- /src/flag_gems/ops/vdot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/vdot.py -------------------------------------------------------------------------------- /src/flag_gems/ops/vector_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/vector_norm.py -------------------------------------------------------------------------------- /src/flag_gems/ops/vstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/vstack.py -------------------------------------------------------------------------------- /src/flag_gems/ops/weightnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/weightnorm.py -------------------------------------------------------------------------------- /src/flag_gems/ops/where.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/where.py -------------------------------------------------------------------------------- /src/flag_gems/ops/zeros.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/zeros.py -------------------------------------------------------------------------------- /src/flag_gems/ops/zeros_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/ops/zeros_like.py -------------------------------------------------------------------------------- /src/flag_gems/patches/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/patches/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/patches/patch_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/patches/patch_util.py -------------------------------------------------------------------------------- /src/flag_gems/patches/patch_vllm_all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/patches/patch_vllm_all.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/README.md -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_aipu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_aipu/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_aipu/fused/__init__.py: -------------------------------------------------------------------------------- 1 | __all__ = [] 2 | -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_aipu/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_aipu/ops/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_aipu/ops/cumsum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_aipu/ops/cumsum.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_aipu/ops/multinomial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_aipu/ops/multinomial.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_aipu/tune_configs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_aipu/tune_configs.yaml -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_amd/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_amd/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_amd/ops/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_amd/tune_configs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_amd/tune_configs.yaml -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_arm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_arm/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_arm/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_arm/ops/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_arm/ops/add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_arm/ops/add.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_arm/ops/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_arm/ops/gelu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_arm/tune_configs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_arm/tune_configs.yaml -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/fused/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/fused/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/addmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/addmm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/all.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/amax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/amax.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/angle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/angle.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/any.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/any.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/arange.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/arange.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/argmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/argmax.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/argmin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/argmin.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/bmm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/cat.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/cumsum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/cumsum.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/diag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/diag.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/diag_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/diag_embed.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/diagonal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/diagonal.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/dot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/dot.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/embedding.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/exponential_.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/exponential_.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/fill.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/flip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/flip.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/full.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/full_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/full_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/gather.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/groupnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/groupnorm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/hstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/hstack.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/index.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/index_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/index_add.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/index_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/index_select.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/isin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/isin.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/linspace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/linspace.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/masked_fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/masked_fill.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/max.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/max.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/mean.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/min.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/min.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/mm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/multinomial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/multinomial.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/ones.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/ones.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/ones_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/ones_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/outer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/outer.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/polar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/polar.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/pow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/pow.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/randperm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/randperm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/resolve_neg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/resolve_neg.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/rms_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/rms_norm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/softmax.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/sort.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/stack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/stack.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/threshold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/threshold.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/triu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/triu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/unique.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/unique.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/var_mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/var_mean.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/vector_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/vector_norm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/vstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/vstack.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/where.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/where.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/zeros.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/zeros.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/ops/zeros_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/ops/zeros_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_ascend/tune_configs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_ascend/tune_configs.yaml -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/fused/outer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/fused/outer.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/abs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/abs.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/add.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/addmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/addmm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/all.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/amax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/amax.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/any.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/any.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/arange.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/arange.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/argmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/argmax.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/bmm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/cat.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/clamp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/clamp.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/copy.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/cos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/cos.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/cummin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/cummin.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/cumsum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/cumsum.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/diag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/diag.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/diagonal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/diagonal.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/div.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/div.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/dropout.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/embedding.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/eq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/eq.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/erf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/erf.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/exp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/exp.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/fill.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/flip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/flip.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/full.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/full_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/full_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/gather.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/ge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/ge.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/gelu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/groupnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/groupnorm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/gt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/gt.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/hstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/hstack.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/index_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/index_add.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/isclose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/isclose.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/isfinite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/isfinite.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/isin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/isin.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/isinf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/isinf.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/isnan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/isnan.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/layernorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/layernorm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/le.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/le.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/linspace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/linspace.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/lt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/lt.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/max.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/max.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/maximum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/maximum.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/mean.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/min.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/min.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/minimum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/minimum.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/mm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/mul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/mul.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/mv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/mv.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/ne.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/ne.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/neg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/neg.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/nonzero.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/nonzero.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/normal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/normal.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/ones.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/ones.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/ones_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/ones_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/pad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/pad.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/pow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/pow.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/prod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/prod.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/rand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/rand.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/rand_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/rand_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/randn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/randn.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/relu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/repeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/repeat.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/rms_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/rms_norm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/rsqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/rsqrt.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/scatter.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/sigmoid.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/silu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/silu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/sin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/sin.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/softmax.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/stack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/stack.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/sub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/sub.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/sum.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/tanh.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/tile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/tile.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/topk.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/triu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/triu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/uniform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/uniform.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/unique.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/unique.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/var_mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/var_mean.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/vstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/vstack.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/where.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/where.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_cambricon/ops/zeros.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_cambricon/ops/zeros.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_hygon/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/fused/__init__.py: -------------------------------------------------------------------------------- 1 | __all__ = [] 2 | -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_hygon/ops/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/ops/all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_hygon/ops/all.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/ops/any.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_hygon/ops/any.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/ops/div.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_hygon/ops/div.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/ops/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_hygon/ops/gelu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/ops/isclose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_hygon/ops/isclose.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/ops/isin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_hygon/ops/isin.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/ops/mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_hygon/ops/mm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/ops/pow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_hygon/ops/pow.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/ops/silu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_hygon/ops/silu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/ops/unique.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_hygon/ops/unique.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_hygon/tune_configs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_hygon/tune_configs.yaml -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_iluvatar/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_iluvatar/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_iluvatar/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_iluvatar/ops/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_iluvatar/ops/bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_iluvatar/ops/bmm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_iluvatar/ops/div.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_iluvatar/ops/div.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_iluvatar/tune_configs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_iluvatar/tune_configs.yaml -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/core_shapes.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/core_shapes.yaml -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/fused/outer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/fused/outer.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/abs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/abs.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/add.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/addcdiv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/addcdiv.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/addcmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/addcmul.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/addmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/addmm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/addmv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/addmv.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/addr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/addr.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/all.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/amax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/amax.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/angle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/angle.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/any.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/any.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/arange.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/arange.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/argmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/argmax.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/argmin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/argmin.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/atan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/atan.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/attention.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/bmm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/cat.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/celu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/celu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/clamp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/clamp.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/conv1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/conv1d.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/conv2d.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/conv3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/conv3d.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/copy.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/cos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/cos.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/cummax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/cummax.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/cummin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/cummin.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/cumsum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/cumsum.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/diag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/diag.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/diagonal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/diagonal.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/div.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/div.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/dot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/dot.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/dropout.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/elu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/elu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/embedding.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/eq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/eq.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/erf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/erf.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/exp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/exp.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/exp2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/exp2.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/eye.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/eye.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/eye_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/eye_m.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/fill.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/flash_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/flash_api.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/flip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/flip.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/full.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/full_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/full_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/gather.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/ge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/ge.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/gelu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/glu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/glu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/groupnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/groupnorm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/gt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/gt.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/hstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/hstack.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/index.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/index_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/index_add.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/index_put.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/index_put.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/isclose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/isclose.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/isfinite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/isfinite.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/isin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/isin.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/isinf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/isinf.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/isnan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/isnan.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/kron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/kron.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/layernorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/layernorm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/le.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/le.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/lerp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/lerp.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/linspace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/linspace.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/log.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/logspace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/logspace.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/lt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/lt.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/max.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/max.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/maximum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/maximum.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/mean.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/min.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/min.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/minimum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/minimum.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/mm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/mse_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/mse_loss.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/mul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/mul.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/mv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/mv.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/ne.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/ne.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/neg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/neg.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/nllloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/nllloss.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/nonzero.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/nonzero.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/normal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/normal.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/ones.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/ones.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/ones_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/ones_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/pad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/pad.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/polar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/polar.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/pow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/pow.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/prod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/prod.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/quantile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/quantile.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/rand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/rand.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/rand_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/rand_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/randn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/randn.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/randperm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/randperm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/relu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/repeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/repeat.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/rms_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/rms_norm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/rsqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/rsqrt.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/rsub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/rsub.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/scatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/scatter.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/sigmoid.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/silu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/silu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/sin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/sin.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/softmax.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/softplus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/softplus.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/sort.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/sqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/sqrt.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/stack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/stack.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/std.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/std.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/sub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/sub.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/sum.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/tanh.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/threshold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/threshold.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/tile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/tile.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/to.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/to.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/topk.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/trace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/trace.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/triu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/triu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/uniform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/uniform.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/unique.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/unique.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/var_mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/var_mean.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/vdot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/vdot.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/vstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/vstack.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/where.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/where.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_kunlunxin/ops/zeros.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_kunlunxin/ops/zeros.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/fused/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/fused/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/fused/flash_mla.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/fused/flash_mla.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/addmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/addmm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/amax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/amax.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/arange.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/arange.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/bmm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/exponential_.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/exponential_.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/full.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/full_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/full_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/groupnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/groupnorm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/index.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/index_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/index_select.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/isin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/isin.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/log_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/log_softmax.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/masked_fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/masked_fill.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/min.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/min.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/mm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/nonzero.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/nonzero.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/ones.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/ones.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/ones_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/ones_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/outer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/outer.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/polar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/polar.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/prod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/prod.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/resolve_conj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/resolve_conj.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/sigmoid.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/tanh.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/unique.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/unique.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/zeros.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/zeros.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/ops/zeros_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/ops/zeros_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_metax/tune_configs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_metax/tune_configs.yaml -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/fused/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/fused/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/addmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/addmm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/all.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/any.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/any.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/arange.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/arange.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/argmin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/argmin.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/batch_norm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/bmm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/bmm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/celu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/celu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/conv2d.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/dropout.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/gather.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/gelu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/index_put.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/index_put.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/isin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/isin.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/log.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/max.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/max.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/min.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/min.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/mm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/ones.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/ones.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/ones_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/ones_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/prod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/prod.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/rand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/rand.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/rand_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/rand_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/randn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/randn.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/randn_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/randn_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/randperm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/randperm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/sort.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/tanh.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/unique.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/unique.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/utils.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/zeros.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/zeros.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/ops/zeros_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/ops/zeros_like.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_mthreads/tune_configs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_mthreads/tune_configs.yaml -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_nvidia/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_nvidia/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_nvidia/ampere/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_nvidia/ampere/ops/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_nvidia/fused/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_nvidia/fused/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_nvidia/hopper/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_nvidia/hopper/heuristics_config_utils.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_nvidia/hopper/ops/mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_nvidia/hopper/ops/mm.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_nvidia/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_nvidia/ops/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_nvidia/ops/add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_nvidia/ops/add.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/_nvidia/ops/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/_nvidia/ops/gelu.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/backend_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/backend_utils.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/backend/device.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/backend/device.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/common.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/configloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/configloader.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/error.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/error.py -------------------------------------------------------------------------------- /src/flag_gems/runtime/register.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/runtime/register.py -------------------------------------------------------------------------------- /src/flag_gems/testing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/testing/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/utils/code_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/code_cache.py -------------------------------------------------------------------------------- /src/flag_gems/utils/code_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/code_utils.py -------------------------------------------------------------------------------- /src/flag_gems/utils/codegen_config_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/codegen_config_utils.py -------------------------------------------------------------------------------- /src/flag_gems/utils/libentry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/libentry.py -------------------------------------------------------------------------------- /src/flag_gems/utils/limits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/limits.py -------------------------------------------------------------------------------- /src/flag_gems/utils/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/models/__init__.py -------------------------------------------------------------------------------- /src/flag_gems/utils/models/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/models/model.py -------------------------------------------------------------------------------- /src/flag_gems/utils/models/session.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/models/session.py -------------------------------------------------------------------------------- /src/flag_gems/utils/models/sql.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/models/sql.py -------------------------------------------------------------------------------- /src/flag_gems/utils/pointwise_dynamic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/pointwise_dynamic.py -------------------------------------------------------------------------------- /src/flag_gems/utils/random_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/random_utils.py -------------------------------------------------------------------------------- /src/flag_gems/utils/shape_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/shape_utils.py -------------------------------------------------------------------------------- /src/flag_gems/utils/tensor_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/tensor_wrapper.py -------------------------------------------------------------------------------- /src/flag_gems/utils/triton_driver_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/triton_driver_helper.py -------------------------------------------------------------------------------- /src/flag_gems/utils/triton_lang_extension.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/triton_lang_extension.py -------------------------------------------------------------------------------- /src/flag_gems/utils/triton_lang_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/triton_lang_helper.py -------------------------------------------------------------------------------- /src/flag_gems/utils/type_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/src/flag_gems/utils/type_utils.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/accuracy_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/accuracy_utils.py -------------------------------------------------------------------------------- /tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/conftest.py -------------------------------------------------------------------------------- /tests/ks_tests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/ks_tests.py -------------------------------------------------------------------------------- /tests/test_attention_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_attention_ops.py -------------------------------------------------------------------------------- /tests/test_binary_pointwise_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_binary_pointwise_ops.py -------------------------------------------------------------------------------- /tests/test_blas_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_blas_ops.py -------------------------------------------------------------------------------- /tests/test_convolution_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_convolution_ops.py -------------------------------------------------------------------------------- /tests/test_distribution_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_distribution_ops.py -------------------------------------------------------------------------------- /tests/test_general_reduction_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_general_reduction_ops.py -------------------------------------------------------------------------------- /tests/test_libentry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_libentry.py -------------------------------------------------------------------------------- /tests/test_norm_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_norm_ops.py -------------------------------------------------------------------------------- /tests/test_pointwise_dynamic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_pointwise_dynamic.py -------------------------------------------------------------------------------- /tests/test_pointwise_type_promotion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_pointwise_type_promotion.py -------------------------------------------------------------------------------- /tests/test_quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_quant.py -------------------------------------------------------------------------------- /tests/test_reduction_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_reduction_ops.py -------------------------------------------------------------------------------- /tests/test_shape_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_shape_utils.py -------------------------------------------------------------------------------- /tests/test_special_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_special_ops.py -------------------------------------------------------------------------------- /tests/test_tensor_constructor_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_tensor_constructor_ops.py -------------------------------------------------------------------------------- /tests/test_tensor_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_tensor_wrapper.py -------------------------------------------------------------------------------- /tests/test_unary_pointwise_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tests/test_unary_pointwise_ops.py -------------------------------------------------------------------------------- /tools/blas-op-test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/blas-op-test.sh -------------------------------------------------------------------------------- /tools/code_coverage/coverage.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/code_coverage/coverage.sh -------------------------------------------------------------------------------- /tools/code_coverage/coverage_diff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/code_coverage/coverage_diff.py -------------------------------------------------------------------------------- /tools/code_coverage/coverage_diff_discard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/code_coverage/coverage_diff_discard.py -------------------------------------------------------------------------------- /tools/code_coverage/coverage_lines.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/code_coverage/coverage_lines.py -------------------------------------------------------------------------------- /tools/code_coverage/jit_func_position.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/code_coverage/jit_func_position.py -------------------------------------------------------------------------------- /tools/code_coverage/pull_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/code_coverage/pull_request.py -------------------------------------------------------------------------------- /tools/code_coverage/python_coverage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/code_coverage/python_coverage.py -------------------------------------------------------------------------------- /tools/code_coverage/report_coverage.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/code_coverage/report_coverage.sh -------------------------------------------------------------------------------- /tools/extract_aten_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/extract_aten_ops.py -------------------------------------------------------------------------------- /tools/gpu_check.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/gpu_check.sh -------------------------------------------------------------------------------- /tools/model-test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/model-test.sh -------------------------------------------------------------------------------- /tools/op-test-quick-cpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/op-test-quick-cpu.sh -------------------------------------------------------------------------------- /tools/op-utils-test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/op-utils-test.sh -------------------------------------------------------------------------------- /tools/pointwise-op-test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/pointwise-op-test.sh -------------------------------------------------------------------------------- /tools/pytest_mark_check.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/pytest_mark_check.sh -------------------------------------------------------------------------------- /tools/reduction-op-test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/reduction-op-test.sh -------------------------------------------------------------------------------- /tools/run_command.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/run_command.sh -------------------------------------------------------------------------------- /tools/special-op-test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/tools/special-op-test.sh -------------------------------------------------------------------------------- /triton_src/binary_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/triton_src/binary_add.py -------------------------------------------------------------------------------- /triton_src/cat_copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/triton_src/cat_copy.py -------------------------------------------------------------------------------- /triton_src/contiguous.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/triton_src/contiguous.py -------------------------------------------------------------------------------- /triton_src/fill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/triton_src/fill.py -------------------------------------------------------------------------------- /triton_src/zeros.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/flagos-ai/FlagGems/HEAD/triton_src/zeros.py --------------------------------------------------------------------------------