Skip to content

Conversation

@Xu-Kai
Copy link
Contributor

@Xu-Kai Xu-Kai commented Oct 6, 2023

📌 Checklist before creating the PR

  • I have created an issue for this PR for traceability
  • The title follows the standard format: [doc/gemini/tensor/...]: A concise description
  • I have added relevant tags if possible for us to better distinguish different PRs

🚨 Issue number

Link this PR to your issue with words like fixed to automatically close the linked issue upon merge

e.g. fixed #1234, closed #1234, resolved #1234

📝 What does this PR do?

  • add smoothquant llama
  • smoothquant context attention and token attention
  • example of smoothquant llama
  • base smoothquant model

💥 Checklist before requesting a review

  • I have linked my PR to an issue (instruction)
  • My issue clearly describes the problem/feature/proposal, with diagrams/charts/table/code if possible
  • I have performed a self-review of my code
  • I have added thorough tests.
  • I have added docstrings for all the functions/methods I implemented

⭐️ Do you enjoy contributing to Colossal-AI?

  • 🌝 Yes, I do.
  • 🌚 No, I don't.

Tell us more if you don't enjoy contributing to Colossal-AI.

@Xu-Kai Xu-Kai marked this pull request as ready for review October 11, 2023 09:58
@github-actions
Copy link
Contributor

The code coverage for the changed files is 37%.

Click me to view the complete report
Name                                                                                                      Stmts   Miss  Cover
-----------------------------------------------------------------------------------------------------------------------------
colossalai/__init__.py                                                                                        7      3    57%
colossalai/_analyzer/_subclasses/_meta_registration.py                                                      230    155    33%
colossalai/_analyzer/_subclasses/_monkey_patch.py                                                            16      3    81%
colossalai/_analyzer/_subclasses/flop_tensor.py                                                             252    210    17%
colossalai/_analyzer/_subclasses/meta_tensor.py                                                             106     80    25%
colossalai/_analyzer/fx/codegen.py                                                                          244    244     0%
colossalai/_analyzer/fx/graph_module.py                                                                     119    119     0%
colossalai/_analyzer/fx/node_util.py                                                                         97     97     0%
colossalai/_analyzer/fx/passes/graph_profile.py                                                             100    100     0%
colossalai/_analyzer/fx/passes/shape_prop.py                                                                104    104     0%
colossalai/_analyzer/fx/symbolic_profile.py                                                                  17     17     0%
colossalai/_analyzer/fx/tracer/bias_addition.py                                                              60     60     0%
colossalai/_analyzer/fx/tracer/custom_leaf_module.py                                                         22     22     0%
colossalai/_analyzer/fx/tracer/proxy.py                                                                      78     78     0%
colossalai/_analyzer/fx/tracer/symbolic_trace.py                                                             30     30     0%
colossalai/_analyzer/fx/tracer/tracer.py                                                                    222    222     0%
colossalai/amp/__init__.py                                                                                    0      0   100%
colossalai/amp/naive_amp/__init__.py                                                                          0      0   100%
colossalai/amp/naive_amp/grad_scaler/__init__.py                                                              4      0   100%
colossalai/amp/naive_amp/grad_scaler/base_grad_scaler.py                                                     30      8    73%
colossalai/amp/naive_amp/grad_scaler/constant_grad_scaler.py                                                  7      2    71%
colossalai/amp/naive_amp/grad_scaler/dynamic_grad_scaler.py                                                  63     24    62%
colossalai/amp/naive_amp/mixed_precision_mixin/__init__.py                                                    4      0   100%
colossalai/amp/naive_amp/mixed_precision_mixin/base.py                                                       15      0   100%
colossalai/amp/naive_amp/mixed_precision_mixin/fp16.py                                                       48      0   100%
colossalai/amp/naive_amp/mixed_precision_optimizer.py                                                       109     23    79%
colossalai/auto_parallel/checkpoint/build_c_ext.py                                                            5      5     0%
colossalai/auto_parallel/checkpoint/ckpt_solver_base.py                                                      72     72     0%
colossalai/auto_parallel/checkpoint/ckpt_solver_chen.py                                                      47     47     0%
colossalai/auto_parallel/checkpoint/ckpt_solver_rotor.py                                                    252    252     0%
colossalai/auto_parallel/checkpoint/operation.py                                                            104    104     0%
colossalai/auto_parallel/meta_profiler/constants.py                                                           6      6     0%
colossalai/auto_parallel/meta_profiler/meta_registry/activation.py                                           28     28     0%
colossalai/auto_parallel/meta_profiler/meta_registry/binary_elementwise_ops.py                               26     26     0%
colossalai/auto_parallel/meta_profiler/meta_registry/conv.py                                                 47     47     0%
colossalai/auto_parallel/meta_profiler/meta_registry/embedding.py                                            23     23     0%
colossalai/auto_parallel/meta_profiler/meta_registry/linear.py                                              113    113     0%
colossalai/auto_parallel/meta_profiler/meta_registry/non_spmd.py                                             15     15     0%
colossalai/auto_parallel/meta_profiler/meta_registry/norm.py                                                 56     56     0%
colossalai/auto_parallel/meta_profiler/meta_registry/pooling.py                                              51     51     0%
colossalai/auto_parallel/meta_profiler/meta_registry/tensor.py                                               24     24     0%
colossalai/auto_parallel/meta_profiler/meta_registry/where.py                                                25     25     0%
colossalai/auto_parallel/meta_profiler/registry.py                                                           20     20     0%
colossalai/auto_parallel/meta_profiler/shard_metainfo.py                                                     63     63     0%
colossalai/auto_parallel/offload/amp_optimizer.py                                                            99     99     0%
colossalai/auto_parallel/offload/base_offload_module.py                                                      71     71     0%
colossalai/auto_parallel/offload/mem_optimize.py                                                             36     36     0%
colossalai/auto_parallel/offload/region.py                                                                   81     81     0%
colossalai/auto_parallel/offload/region_manager.py                                                          283    283     0%
colossalai/auto_parallel/offload/runtime.py                                                                 146    146     0%
colossalai/auto_parallel/offload/solver.py                                                                  259    259     0%
colossalai/auto_parallel/offload/training_simulator.py                                                      228    228     0%
colossalai/auto_parallel/offload/util.py                                                                     58     58     0%
colossalai/auto_parallel/passes/comm_metainfo_pass.py                                                        60     60     0%
colossalai/auto_parallel/passes/meta_info_prop.py                                                            94     94     0%
colossalai/auto_parallel/passes/runtime_apply_pass.py                                                       145    145     0%
colossalai/auto_parallel/passes/runtime_preparation_pass.py                                                 294    294     0%
colossalai/auto_parallel/tensor_shard/constants.py                                                           19      0   100%
colossalai/auto_parallel/tensor_shard/initialize.py                                                         120    120     0%
colossalai/auto_parallel/tensor_shard/node_handler/__init__.py                                               26     26     0%
colossalai/auto_parallel/tensor_shard/node_handler/addmm_handler.py                                          44     44     0%
colossalai/auto_parallel/tensor_shard/node_handler/batch_norm_handler.py                                     28     28     0%
colossalai/auto_parallel/tensor_shard/node_handler/binary_elementwise_handler.py                             62     62     0%
colossalai/auto_parallel/tensor_shard/node_handler/bmm_handler.py                                            55     55     0%
colossalai/auto_parallel/tensor_shard/node_handler/conv_handler.py                                           65     65     0%
colossalai/auto_parallel/tensor_shard/node_handler/default_reshape_handler.py                                38     38     0%
colossalai/auto_parallel/tensor_shard/node_handler/embedding_handler.py                                      89     89     0%
colossalai/auto_parallel/tensor_shard/node_handler/getattr_handler.py                                        15     15     0%
colossalai/auto_parallel/tensor_shard/node_handler/getitem_handler.py                                        23     23     0%
colossalai/auto_parallel/tensor_shard/node_handler/layer_norm_handler.py                                     23     23     0%
colossalai/auto_parallel/tensor_shard/node_handler/linear_handler.py                                        117    117     0%
colossalai/auto_parallel/tensor_shard/node_handler/matmul_handler.py                                        266    266     0%
colossalai/auto_parallel/tensor_shard/node_handler/node_handler.py                                          162    162     0%
colossalai/auto_parallel/tensor_shard/node_handler/normal_pooling_handler.py                                 25     25     0%
colossalai/auto_parallel/tensor_shard/node_handler/output_handler.py                                         33     33     0%
colossalai/auto_parallel/tensor_shard/node_handler/permute_handler.py                                        44     44     0%
colossalai/auto_parallel/tensor_shard/node_handler/placeholder_handler.py                                    20     20     0%
colossalai/auto_parallel/tensor_shard/node_handler/registry.py                                               19     19     0%
colossalai/auto_parallel/tensor_shard/node_handler/softmax_handler.py                                        30     30     0%
colossalai/auto_parallel/tensor_shard/node_handler/split_handler.py                                          36     36     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/__init__.py                                      19     19     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/batch_norm_generator.py                         115    115     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/binary_elementwise_generator.py                  58     58     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/conv_strategy_generator.py                      205    205     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/embedding_generator.py                          106    106     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/getattr_generator.py                             45     45     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/getitem_generator.py                             92     92     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/layer_norm_generator.py                          99     99     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/matmul_strategy_generator.py                    387    387     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/normal_pooling_generator.py                      58     58     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/output_generator.py                              62     62     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/placeholder_generator.py                         46     46     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/reshape_generator.py                            179    179     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/softmax_generator.py                             50     50     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/strategy_generator.py                           134    134     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/sum_generator.py                                 54     54     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/tensor_constructor_generator.py                  28     28     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/unary_elementwise_generator.py                   38     38     0%
colossalai/auto_parallel/tensor_shard/node_handler/strategy/where_generator.py                               46     46     0%
colossalai/auto_parallel/tensor_shard/node_handler/sum_handler.py                                            46     46     0%
colossalai/auto_parallel/tensor_shard/node_handler/tensor_constructor_handler.py                             20     20     0%
colossalai/auto_parallel/tensor_shard/node_handler/transpose_handler.py                                      36     36     0%
colossalai/auto_parallel/tensor_shard/node_handler/unary_elementwise_handler.py                              27     27     0%
colossalai/auto_parallel/tensor_shard/node_handler/view_handler.py                                           28     28     0%
colossalai/auto_parallel/tensor_shard/node_handler/where_handler.py                                          42     42     0%
colossalai/auto_parallel/tensor_shard/options.py                                                             20     20     0%
colossalai/auto_parallel/tensor_shard/sharding_strategy.py                                                  136     64    53%
colossalai/auto_parallel/tensor_shard/solver/__init__.py                                                      5      5     0%
colossalai/auto_parallel/tensor_shard/solver/cost_graph.py                                                  131    131     0%
colossalai/auto_parallel/tensor_shard/solver/graph_analysis.py                                               91     91     0%
colossalai/auto_parallel/tensor_shard/solver/solver.py                                                      274    274     0%
colossalai/auto_parallel/tensor_shard/solver/strategies_constructor.py                                      109    109     0%
colossalai/auto_parallel/tensor_shard/utils/__init__.py                                                       6      6     0%
colossalai/auto_parallel/tensor_shard/utils/broadcast.py                                                     77     77     0%
colossalai/auto_parallel/tensor_shard/utils/factory.py                                                      123    123     0%
colossalai/auto_parallel/tensor_shard/utils/misc.py                                                          45     45     0%
colossalai/auto_parallel/tensor_shard/utils/reshape.py                                                       86     86     0%
colossalai/auto_parallel/tensor_shard/utils/sharding.py                                                      61     61     0%
colossalai/booster/accelerator.py                                                                            17      5    71%
colossalai/booster/booster.py                                                                                75     12    84%
colossalai/booster/mixed_precision/__init__.py                                                               12      3    75%
colossalai/booster/mixed_precision/fp16_apex.py                                                               6      1    83%
colossalai/booster/mixed_precision/fp16_naive.py                                                              4      1    75%
colossalai/booster/mixed_precision/fp16_torch.py                                                             46      2    96%
colossalai/booster/plugin/__init__.py                                                                        11      0   100%
colossalai/booster/plugin/dp_plugin_base.py                                                                  22      4    82%
colossalai/booster/plugin/gemini_plugin.py                                                                  130     12    91%
colossalai/booster/plugin/hybrid_parallel_plugin.py                                                         219     16    93%
colossalai/booster/plugin/low_level_zero_plugin.py                                                          144     11    92%
colossalai/booster/plugin/plugin_base.py                                                                     36      6    83%
colossalai/booster/plugin/pp_plugin_base.py                                                                   9      1    89%
colossalai/booster/plugin/torch_ddp_plugin.py                                                                80      2    98%
colossalai/booster/plugin/torch_fsdp_plugin.py                                                              102     13    87%
colossalai/checkpoint_io/__init__.py                                                                          5      0   100%
colossalai/checkpoint_io/checkpoint_io_base.py                                                               54      1    98%
colossalai/checkpoint_io/general_checkpoint_io.py                                                            85      8    91%
colossalai/checkpoint_io/hybrid_parallel_checkpoint_io.py                                                   398     26    93%
colossalai/checkpoint_io/index_file.py                                                                       70     17    76%
colossalai/checkpoint_io/utils.py                                                                           312     43    86%
colossalai/cli/__init__.py                                                                                    2      2     0%
colossalai/cli/check/__init__.py                                                                             10     10     0%
colossalai/cli/check/check_installation.py                                                                  106    106     0%
colossalai/cli/cli.py                                                                                        14     14     0%
colossalai/cli/launcher/__init__.py                                                                          24     24     0%
colossalai/cli/launcher/hostinfo.py                                                                          43     43     0%
colossalai/cli/launcher/multinode_runner.py                                                                  52     52     0%
colossalai/cli/launcher/run.py                                                                              139    139     0%
colossalai/cluster/__init__.py                                                                                5      0   100%
colossalai/cluster/device_mesh_manager.py                                                                    52     18    65%
colossalai/cluster/dist_coordinator.py                                                                       63     30    52%
colossalai/cluster/process_group_manager.py                                                                  25     16    36%
colossalai/cluster/process_group_mesh.py                                                                     73      1    99%
colossalai/context/__init__.py                                                                                2      0   100%
colossalai/context/config.py                                                                                 58      9    84%
colossalai/context/moe_context.py                                                                            65     37    43%
colossalai/context/singleton_meta.py                                                                          8      0   100%
colossalai/device/__init__.py                                                                                 3      0   100%
colossalai/device/alpha_beta_profiler.py                                                                    209    191     9%
colossalai/device/calc_pipeline_strategy.py                                                                  80     75     6%
colossalai/device/device_mesh.py                                                                            178     16    91%
colossalai/fx/_compatibility.py                                                                              24     10    58%
colossalai/fx/_meta_regist_12.py                                                                            257    257     0%
colossalai/fx/codegen/activation_checkpoint_codegen.py                                                      581    555     4%
colossalai/fx/graph_module.py                                                                                93     75    19%
colossalai/fx/passes/adding_split_node_pass.py                                                              256    238     7%
colossalai/fx/passes/concrete_info_prop.py                                                                   64     36    44%
colossalai/fx/passes/meta_info_prop.py                                                                      101     64    37%
colossalai/fx/passes/passes_for_gpt2_test.py                                                                245    245     0%
colossalai/fx/passes/shard_1d_pass.py                                                                        91     79    13%
colossalai/fx/passes/split_module.py                                                                        146    134     8%
colossalai/fx/passes/utils.py                                                                                76     76     0%
colossalai/fx/profiler/__init__.py                                                                            9      1    89%
colossalai/fx/profiler/constants.py                                                                           9      0   100%
colossalai/fx/profiler/dataflow.py                                                                           56     28    50%
colossalai/fx/profiler/experimental/constants.py                                                              6      6     0%
colossalai/fx/profiler/experimental/profiler.py                                                              64     64     0%
colossalai/fx/profiler/experimental/profiler_function/activation_function.py                                 18     18     0%
colossalai/fx/profiler/experimental/profiler_function/arithmetic.py                                          63     63     0%
colossalai/fx/profiler/experimental/profiler_function/embedding.py                                            8      8     0%
colossalai/fx/profiler/experimental/profiler_function/linear.py                                              11     11     0%
colossalai/fx/profiler/experimental/profiler_function/normalization.py                                       29     29     0%
colossalai/fx/profiler/experimental/profiler_function/pooling.py                                             19     19     0%
colossalai/fx/profiler/experimental/profiler_function/python_ops.py                                          13     13     0%
colossalai/fx/profiler/experimental/profiler_function/torch_ops.py                                           47     47     0%
colossalai/fx/profiler/experimental/profiler_module/activation_function.py                                   18     18     0%
colossalai/fx/profiler/experimental/profiler_module/attention.py                                             40     40     0%
colossalai/fx/profiler/experimental/profiler_module/convolution.py                                           90     90     0%
colossalai/fx/profiler/experimental/profiler_module/dropout.py                                                8      8     0%
colossalai/fx/profiler/experimental/profiler_module/linear.py                                                12     12     0%
colossalai/fx/profiler/experimental/profiler_module/normalization.py                                         26     26     0%
colossalai/fx/profiler/experimental/profiler_module/pooling.py                                               19     19     0%
colossalai/fx/profiler/experimental/profiler_module/rnn.py                                                   57     57     0%
colossalai/fx/profiler/experimental/profiler_module/torch_op.py                                               8      8     0%
colossalai/fx/profiler/experimental/registry.py                                                              17     17     0%
colossalai/fx/profiler/experimental/shard_utils.py                                                           12     12     0%
colossalai/fx/profiler/memory_utils.py                                                                       36     26    28%
colossalai/fx/profiler/opcount.py                                                                           114     82    28%
colossalai/fx/profiler/profiler.py                                                                          220    190    14%
colossalai/fx/profiler/shard_utils.py                                                                        34     19    44%
colossalai/fx/profiler/tensor.py                                                                             72     53    26%
colossalai/fx/proxy.py                                                                                       81     54    33%
colossalai/fx/tracer/_meta_trace.py                                                                          70     64     9%
colossalai/fx/tracer/_tracer_utils.py                                                                        34     26    24%
colossalai/fx/tracer/bias_addition_patch/patched_bias_addition_function/addbmm.py                            42     32    24%
colossalai/fx/tracer/bias_addition_patch/patched_bias_addition_function/addmm.py                             34     25    26%
colossalai/fx/tracer/bias_addition_patch/patched_bias_addition_function/bias_addition_function.py            39     23    41%
colossalai/fx/tracer/bias_addition_patch/patched_bias_addition_function/linear.py                            16      9    44%
colossalai/fx/tracer/bias_addition_patch/patched_bias_addition_module/bias_addition_module.py                43     28    35%
colossalai/fx/tracer/bias_addition_patch/patched_bias_addition_module/conv.py                                41     30    27%
colossalai/fx/tracer/bias_addition_patch/patched_bias_addition_module/linear.py                              11      4    64%
colossalai/fx/tracer/experimental.py                                                                        420    420     0%
colossalai/fx/tracer/meta_patch/patched_function/activation_function.py                                       5      1    80%
colossalai/fx/tracer/meta_patch/patched_function/arithmetic.py                                               78     59    24%
colossalai/fx/tracer/meta_patch/patched_function/convolution.py                                             110     85    23%
colossalai/fx/tracer/meta_patch/patched_function/embedding.py                                                 5      1    80%
colossalai/fx/tracer/meta_patch/patched_function/normalization.py                                             8      2    75%
colossalai/fx/tracer/meta_patch/patched_function/python_ops.py                                               44     38    14%
colossalai/fx/tracer/meta_patch/patched_function/torch_ops.py                                               125     87    30%
colossalai/fx/tracer/meta_patch/patched_module/__init__.py                                                    7      0   100%
colossalai/fx/tracer/meta_patch/patched_module/activation_function.py                                        10      1    90%
colossalai/fx/tracer/meta_patch/patched_module/convolution.py                                                51     36    29%
colossalai/fx/tracer/meta_patch/patched_module/embedding.py                                                   6      2    67%
colossalai/fx/tracer/meta_patch/patched_module/linear.py                                                      7      3    57%
colossalai/fx/tracer/meta_patch/patched_module/normalization.py                                              23      9    61%
colossalai/fx/tracer/meta_patch/patched_module/pooling.py                                                   129    105    19%
colossalai/fx/tracer/meta_patch/patched_module/rnn.py                                                         9      4    56%
colossalai/fx/tracer/registry.py                                                                             20      4    80%
colossalai/fx/tracer/tracer.py                                                                              312    261    16%
colossalai/inference/quant/smoothquant/__init__.py                                                            0      0   100%
colossalai/inference/quant/smoothquant/models/__init__.py                                                     8      3    62%
colossalai/inference/tensor_parallel/__init__.py                                                              3      0   100%
colossalai/inference/tensor_parallel/batch_infer_state.py                                                    34      9    74%
colossalai/inference/tensor_parallel/engine.py                                                              177    146    18%
colossalai/inference/tensor_parallel/kvcache_manager.py                                                      56     42    25%
colossalai/inference/tensor_parallel/modeling/__init__.py                                                     5      5     0%
colossalai/inference/tensor_parallel/modeling/_utils.py                                                       5      5     0%
colossalai/inference/tensor_parallel/modeling/bloom.py                                                      212    212     0%
colossalai/inference/tensor_parallel/modeling/chatglm2.py                                                   212    212     0%
colossalai/inference/tensor_parallel/modeling/llama.py                                                      162    162     0%
colossalai/inference/tensor_parallel/policies/__init__.py                                                     4      4     0%
colossalai/inference/tensor_parallel/policies/bloom.py                                                       43     43     0%
colossalai/inference/tensor_parallel/policies/chatglm2.py                                                    44     44     0%
colossalai/inference/tensor_parallel/policies/llama.py                                                       46     46     0%
colossalai/initialize.py                                                                                     45     22    51%
colossalai/interface/__init__.py                                                                              3      0   100%
colossalai/interface/model.py                                                                                13      1    92%
colossalai/interface/optimizer.py                                                                            45      5    89%
colossalai/interface/pretrained.py                                                                            7      0   100%
colossalai/kernel/__init__.py                                                                                 2      0   100%
colossalai/kernel/cuda_native/__init__.py                                                                     5      0   100%
colossalai/kernel/cuda_native/layer_norm.py                                                                  49     27    45%
colossalai/kernel/cuda_native/mha/__init__.py                                                                 2      0   100%
colossalai/kernel/cuda_native/mha/flash_attn_2.py                                                            30      7    77%
colossalai/kernel/cuda_native/mha/mem_eff_attn.py                                                            36      6    83%
colossalai/kernel/cuda_native/mha/mha.py                                                                     60      7    88%
colossalai/kernel/cuda_native/mha/utils.py                                                                   52     11    79%
colossalai/kernel/cuda_native/multihead_attention.py                                                        153    123    20%
colossalai/kernel/cuda_native/scaled_softmax.py                                                              96     65    32%
colossalai/kernel/jit/__init__.py                                                                             4      0   100%
colossalai/kernel/jit/bias_dropout_add.py                                                                    11      5    55%
colossalai/kernel/jit/bias_gelu.py                                                                           22      9    59%
colossalai/kernel/jit/option.py                                                                              48     40    17%
colossalai/kernel/triton/__init__.py                                                                         17      3    82%
colossalai/kernel/triton/context_attention.py                                                               220    201     9%
colossalai/kernel/triton/copy_kv_cache_dest.py                                                               32     22    31%
colossalai/kernel/triton/custom_autotune.py                                                                  99     68    31%
colossalai/kernel/triton/fused_layernorm.py                                                                  50     40    20%
colossalai/kernel/triton/gptq_triton.py                                                                     185    156    16%
colossalai/kernel/triton/int8_rotary_embedding_kernel.py                                                     41     34    17%
colossalai/kernel/triton/qkv_matmul_kernel.py                                                                43     36    16%
colossalai/kernel/triton/rms_norm.py                                                                         42     33    21%
colossalai/kernel/triton/rotary_embedding_kernel.py                                                          75     61    19%
colossalai/kernel/triton/self_attention_nofusion.py                                                          56     47    16%
colossalai/kernel/triton/smooth_attention.py                                                                229    202    12%
colossalai/kernel/triton/softmax.py                                                                          55     46    16%
colossalai/kernel/triton/token_attention_kernel.py                                                          319    269    16%
colossalai/lazy/__init__.py                                                                                   2      0   100%
colossalai/lazy/construction.py                                                                              41      0   100%
colossalai/lazy/lazy_init.py                                                                                328     36    89%
colossalai/lazy/pretrained.py                                                                               135     37    73%
colossalai/legacy/__init__.py                                                                                 2      0   100%
colossalai/legacy/amp/__init__.py                                                                            20     10    50%
colossalai/legacy/amp/amp_type.py                                                                             5      0   100%
colossalai/legacy/amp/apex_amp/__init__.py                                                                    9      0   100%
colossalai/legacy/amp/apex_amp/apex_amp.py                                                                   15      4    73%
colossalai/legacy/amp/naive_amp/__init__.py                                                                  29     20    31%
colossalai/legacy/amp/naive_amp/_fp16_optimizer.py                                                          173    127    27%
colossalai/legacy/amp/naive_amp/_utils.py                                                                    21     17    19%
colossalai/legacy/amp/naive_amp/naive_amp.py                                                                 86     58    33%
colossalai/legacy/amp/torch_amp/__init__.py                                                                  15      7    53%
colossalai/legacy/amp/torch_amp/_grad_scaler.py                                                             234    187    20%
colossalai/legacy/amp/torch_amp/torch_amp.py                                                                 35     14    60%
colossalai/legacy/builder/__init__.py                                                                         2      0   100%
colossalai/legacy/builder/builder.py                                                                         21     16    24%
colossalai/legacy/communication/__init__.py                                                                   5      0   100%
colossalai/legacy/communication/collective.py                                                                92     78    15%
colossalai/legacy/communication/p2p.py                                                                      131    107    18%
colossalai/legacy/communication/p2p_v2.py                                                                   113    113     0%
colossalai/legacy/communication/ring.py                                                                      20     15    25%
colossalai/legacy/communication/utils.py                                                                     64     51    20%
colossalai/legacy/constants.py                                                                               11      0   100%
colossalai/legacy/context/__init__.py                                                                         4      0   100%
colossalai/legacy/context/parallel_context.py                                                               226    153    32%
colossalai/legacy/context/parallel_mode.py                                                                   21      0   100%
colossalai/legacy/context/process_group_initializer/__init__.py                                              11      0   100%
colossalai/legacy/context/process_group_initializer/initializer_1d.py                                        29     20    31%
colossalai/legacy/context/process_group_initializer/initializer_2d.py                                        72     55    24%
colossalai/legacy/context/process_group_initializer/initializer_2p5d.py                                     136    112    18%
colossalai/legacy/context/process_group_initializer/initializer_3d.py                                       155    129    17%
colossalai/legacy/context/process_group_initializer/initializer_data.py                                      27     19    30%
colossalai/legacy/context/process_group_initializer/initializer_model.py                                     28     20    29%
colossalai/legacy/context/process_group_initializer/initializer_pipeline.py                                  26     18    31%
colossalai/legacy/context/process_group_initializer/initializer_sequence.py                                  42     29    31%
colossalai/legacy/context/process_group_initializer/initializer_tensor.py                                    27     19    30%
colossalai/legacy/context/process_group_initializer/process_group_initializer.py                             14      8    43%
colossalai/legacy/context/random/__init__.py                                                                  2      0   100%
colossalai/legacy/context/random/_helper.py                                                                  53     34    36%
colossalai/legacy/context/random/seed_manager.py                                                             40     22    45%
colossalai/legacy/core.py                                                                                     2      0   100%
colossalai/legacy/engine/__init__.py                                                                          3      0   100%
colossalai/legacy/engine/_base_engine.py                                                                     90     56    38%
colossalai/legacy/engine/gradient_accumulation/__init__.py                                                   15      7    53%
colossalai/legacy/engine/gradient_accumulation/_gradient_accumulation.py                                    107     70    35%
colossalai/legacy/engine/gradient_handler/__init__.py                                                         7      0   100%
colossalai/legacy/engine/gradient_handler/_base_gradient_handler.py                                           7      2    71%
colossalai/legacy/engine/gradient_handler/_data_parallel_gradient_handler.py                                 10      2    80%
colossalai/legacy/engine/gradient_handler/_moe_gradient_handler.py                                           20      9    55%
colossalai/legacy/engine/gradient_handler/_pipeline_parallel_gradient_handler.py                             24     14    42%
colossalai/legacy/engine/gradient_handler/_sequence_parallel_gradient_handler.py                             10      2    80%
colossalai/legacy/engine/gradient_handler/_zero_gradient_handler.py                                           6      1    83%
colossalai/legacy/engine/schedule/__init__.py                                                                 4      0   100%
colossalai/legacy/engine/schedule/_base_schedule.py                                                          74     55    26%
colossalai/legacy/engine/schedule/_non_pipeline_schedule.py                                                  30     22    27%
colossalai/legacy/engine/schedule/_pipeline_schedule.py                                                     430    397     8%
colossalai/legacy/engine/schedule/_pipeline_schedule_v2.py                                                   78     78     0%
colossalai/legacy/global_variables.py                                                                        25      1    96%
colossalai/legacy/initialize.py                                                                             190    155    18%
colossalai/legacy/nn/__init__.py                                                                              3      0   100%
colossalai/legacy/nn/_ops/__init__.py                                                                         1      1     0%
colossalai/legacy/nn/_ops/_utils.py                                                                         156    156     0%
colossalai/legacy/nn/layer/base_layer.py                                                                     36     22    39%
colossalai/legacy/nn/layer/colossalai_layer/__init__.py                                                       6      0   100%
colossalai/legacy/nn/layer/colossalai_layer/_utils.py                                                        30     18    40%
colossalai/legacy/nn/layer/colossalai_layer/dropout.py                                                       17      9    47%
colossalai/legacy/nn/layer/colossalai_layer/embedding.py                                                     30     11    63%
colossalai/legacy/nn/layer/colossalai_layer/linear.py                                                        31     12    61%
colossalai/legacy/nn/layer/parallel_1d/__init__.py                                                            2      0   100%
colossalai/legacy/nn/layer/parallel_1d/_operation.py                                                         53     35    34%
colossalai/legacy/nn/layer/parallel_1d/_utils.py                                                             96     52    46%
colossalai/legacy/nn/layer/parallel_1d/layers.py                                                            474    378    20%
colossalai/legacy/nn/layer/parallel_2d/__init__.py                                                            3      0   100%
colossalai/legacy/nn/layer/parallel_2d/_operation.py                                                        395    309    22%
colossalai/legacy/nn/layer/parallel_2d/_utils.py                                                             12      7    42%
colossalai/legacy/nn/layer/parallel_2d/layers.py                                                            484    407    16%
colossalai/legacy/nn/layer/parallel_2p5d/__init__.py                                                          3      0   100%
colossalai/legacy/nn/layer/parallel_2p5d/_operation.py                                                      431    336    22%
colossalai/legacy/nn/layer/parallel_2p5d/_utils.py                                                           14      9    36%
colossalai/legacy/nn/layer/parallel_2p5d/layers.py                                                          477    401    16%
colossalai/legacy/nn/layer/parallel_3d/__init__.py                                                            3      0   100%
colossalai/legacy/nn/layer/parallel_3d/_operation.py                                                        237    164    31%
colossalai/legacy/nn/layer/parallel_3d/_utils.py                                                             63     39    38%
colossalai/legacy/nn/layer/parallel_3d/layers.py                                                            513    431    16%
colossalai/legacy/nn/layer/parallel_sequence/__init__.py                                                      3      0   100%
colossalai/legacy/nn/layer/parallel_sequence/_operation.py                                                   82     60    27%
colossalai/legacy/nn/layer/parallel_sequence/layers.py                                                       91     70    23%
colossalai/legacy/nn/layer/utils/__init__.py                                                                  2      0   100%
colossalai/legacy/nn/layer/utils/common.py                                                                   48     18    62%
colossalai/legacy/nn/layer/vanilla/__init__.py                                                                2      0   100%
colossalai/legacy/nn/layer/vanilla/layers.py                                                                147    103    30%
colossalai/legacy/nn/layer/wrapper/__init__.py                                                                2      0   100%
colossalai/legacy/nn/layer/wrapper/pipeline_wrapper.py                                                       38     28    26%
colossalai/legacy/nn/loss/__init__.py                                                                        23      9    61%
colossalai/legacy/nn/loss/loss_1d.py                                                                         59     41    31%
colossalai/legacy/nn/loss/loss_2d.py                                                                         74     48    35%
colossalai/legacy/nn/loss/loss_2p5d.py                                                                       74     48    35%
colossalai/legacy/nn/loss/loss_3d.py                                                                         81     55    32%
colossalai/legacy/nn/metric/__init__.py                                                                      16      6    62%
colossalai/legacy/nn/metric/accuracy_2d.py                                                                   13      6    54%
colossalai/legacy/nn/metric/accuracy_2p5d.py                                                                 13      6    54%
colossalai/legacy/nn/metric/accuracy_3d.py                                                                   18      9    50%
colossalai/legacy/nn/parallel/__init__.py                                                                     2      2     0%
colossalai/legacy/nn/parallel/data_parallel.py                                                               99     99     0%
colossalai/legacy/nn/parallel/layers/__init__.py                                                              6      6     0%
colossalai/legacy/nn/parallel/layers/cache_embedding/__init__.py                                              8      8     0%
colossalai/legacy/nn/parallel/layers/cache_embedding/base_embedding.py                                       20     20     0%
colossalai/legacy/nn/parallel/layers/cache_embedding/cache_mgr.py                                           294    294     0%
colossalai/legacy/nn/parallel/layers/cache_embedding/cached_embedding.py                                     64     64     0%
colossalai/legacy/nn/parallel/layers/cache_embedding/copyer.py                                               25     25     0%
colossalai/legacy/nn/parallel/layers/cache_embedding/embedding_config.py                                     10     10     0%
colossalai/legacy/nn/parallel/layers/cache_embedding/parallel_cached_embedding.py                            56     56     0%
colossalai/legacy/nn/parallel/layers/cache_embedding/parallel_cached_embedding_tablewise.py                  96     96     0%
colossalai/legacy/nn/parallel/layers/cache_embedding/parallel_cached_embedding_tablewise_split_cache.py      73     73     0%
colossalai/legacy/nn/parallel/layers/colo_module.py                                                          30     30     0%
colossalai/legacy/nn/parallel/layers/embedding.py                                                            15     15     0%
colossalai/legacy/nn/parallel/layers/linear.py                                                               15     15     0%
colossalai/legacy/nn/parallel/layers/module_utils.py                                                         83     83     0%
colossalai/legacy/nn/parallel/reducer.py                                                                     77     77     0%
colossalai/legacy/pipeline/__init__.py                                                                        3      3     0%
colossalai/legacy/pipeline/layer_spec.py                                                                     39     39     0%
colossalai/legacy/pipeline/middleware/__init__.py                                                             2      2     0%
colossalai/legacy/pipeline/middleware/adaptor/__init__.py                                                     2      2     0%
colossalai/legacy/pipeline/middleware/adaptor/fx.py                                                         109    109     0%
colossalai/legacy/pipeline/middleware/topo.py                                                               144    144     0%
colossalai/legacy/pipeline/pipelinable.py                                                                   161    161     0%
colossalai/legacy/pipeline/pipeline_process_group.py                                                        113    113     0%
colossalai/legacy/pipeline/rpc/__init__.py                                                                    3      3     0%
colossalai/legacy/pipeline/rpc/_pipeline_base.py                                                            895    895     0%
colossalai/legacy/pipeline/rpc/_pipeline_schedule.py                                                        203    203     0%
colossalai/legacy/pipeline/rpc/utils.py                                                                     100    100     0%
colossalai/legacy/pipeline/utils.py                                                                         183    183     0%
colossalai/legacy/registry/registry.py                                                                       31     15    52%
colossalai/legacy/tensor/__init__.py                                                                          7      0   100%
colossalai/legacy/tensor/compute_spec.py                                                                     15      5    67%
colossalai/legacy/tensor/const.py                                                                             4      4     0%
colossalai/legacy/tensor/dist_spec_mgr.py                                                                   118     83    30%
colossalai/legacy/tensor/distspec.py                                                                         31     17    45%
colossalai/legacy/tensor/op_wrapper.py                                                                       13     13     0%
colossalai/legacy/tensor/process_group.py                                                                   129     96    26%
colossalai/legacy/tensor/tensor_spec.py                                                                      10      0   100%
colossalai/legacy/trainer/__init__.py                                                                         2      2     0%
colossalai/legacy/trainer/_trainer.py                                                                       171    171     0%
colossalai/legacy/trainer/hooks/__init__.py                                                                   6      6     0%
colossalai/legacy/trainer/hooks/_base_hook.py                                                                21     21     0%
colossalai/legacy/trainer/hooks/_checkpoint_hook.py                                                          31     31     0%
colossalai/legacy/trainer/hooks/_commons_.py                                                                  7      7     0%
colossalai/legacy/trainer/hooks/_log_hook.py                                                                146    146     0%
colossalai/legacy/trainer/hooks/_lr_scheduler_hook.py                                                        21     21     0%
colossalai/legacy/trainer/hooks/_metric_hook.py                                                             223    223     0%
colossalai/legacy/utils/__init__.py                                                                           5      0   100%
colossalai/legacy/utils/activation_checkpoint.py                                                            151    151     0%
colossalai/legacy/utils/checkpoint/__init__.py                                                                2      0   100%
colossalai/legacy/utils/checkpoint/module_checkpoint.py                                                      80     72    10%
colossalai/legacy/utils/checkpoint/utils.py                                                                  40     32    20%
colossalai/legacy/utils/checkpointing.py                                                                    141    120    15%
colossalai/legacy/utils/common.py                                                                           267    222    17%
colossalai/legacy/utils/data_sampler/__init__.py                                                              3      0   100%
colossalai/legacy/utils/data_sampler/base_sampler.py                                                         11      4    64%
colossalai/legacy/utils/data_sampler/data_parallel_sampler.py                                                56     41    27%
colossalai/legacy/utils/memory.py                                                                            85     62    27%
colossalai/legacy/utils/profiler/__init__.py                                                                  2      2     0%
colossalai/legacy/utils/profiler/extention.py                                                                14     14     0%
colossalai/legacy/utils/profiler/legacy/__init__.py                                                           5      5     0%
colossalai/legacy/utils/profiler/legacy/comm_profiler.py                                                    204    204     0%
colossalai/legacy/utils/profiler/legacy/pcie_profiler.py                                                    102    102     0%
colossalai/legacy/utils/profiler/legacy/prof_utils.py                                                        77     77     0%
colossalai/legacy/utils/profiler/profiler.py                                                                 62     62     0%
colossalai/legacy/utils/profiler/stateful_tensor_mem_extention.py                                            92     92     0%
colossalai/legacy/zero/__init__.py                                                                           20     10    50%
colossalai/legacy/zero/gemini/__init__.py                                                                     5      0   100%
colossalai/legacy/zero/gemini/gemini_context.py                                                              29      6    79%
colossalai/legacy/zero/gemini/ophooks/__init__.py                                                             2      0   100%
colossalai/legacy/zero/gemini/ophooks/_shard_grad_ophook.py                                                  19     19     0%
colossalai/legacy/zero/gemini/ophooks/_shard_param_ophook.py                                                 33     33     0%
colossalai/legacy/zero/gemini/ophooks/runtime_mem_tracer_hook.py                                             94     60    36%
colossalai/legacy/zero/gemini/ophooks/utils.py                                                               90     63    30%
colossalai/legacy/zero/gemini/paramhooks/__init__.py                                                          2      0   100%
colossalai/legacy/zero/gemini/paramhooks/_param_hookmgr.py                                                   18     11    39%
colossalai/legacy/zero/gemini/stateful_tensor.py                                                            123     83    33%
colossalai/legacy/zero/gemini/stateful_tensor_mgr.py                                                         67     48    28%
colossalai/legacy/zero/gemini/tensor_placement_policy.py                                                     82     53    35%
colossalai/legacy/zero/gemini/tensor_utils.py                                                                54     43    20%
colossalai/legacy/zero/init_ctx/__init__.py                                                                   2      0   100%
colossalai/legacy/zero/init_ctx/init_context.py                                                             147    105    29%
colossalai/legacy/zero/shard_utils/__init__.py                                                                4      0   100%
colossalai/legacy/zero/shard_utils/base_shard_strategy.py                                                    13      3    77%
colossalai/legacy/zero/shard_utils/bucket_tensor_shard_strategy.py                                           32     23    28%
colossalai/legacy/zero/shard_utils/commons.py                                                                13     10    23%
colossalai/legacy/zero/shard_utils/tensor_shard_strategy.py                                                  38     25    34%
colossalai/legacy/zero/sharded_model/__init__.py                                                              2      0   100%
colossalai/legacy/zero/sharded_model/_utils.py                                                               57     43    25%
colossalai/legacy/zero/sharded_model/reduce_scatter.py                                                       94     68    28%
colossalai/legacy/zero/sharded_model/sharded_model_v2.py                                                    298    239    20%
colossalai/legacy/zero/sharded_model/utils.py                                                                12     12     0%
colossalai/legacy/zero/sharded_model/zero_hook.py                                                            73     50    32%
colossalai/legacy/zero/sharded_optim/__init__.py                                                              2      0   100%
colossalai/legacy/zero/sharded_optim/sharded_optim_v2.py                                                    214    170    21%
colossalai/legacy/zero/sharded_param/__init__.py                                                              3      0   100%
colossalai/legacy/zero/sharded_param/sharded_param.py                                                        68     45    34%
colossalai/legacy/zero/sharded_param/sharded_tensor.py                                                       26     12    54%
colossalai/logging/__init__.py                                                                               13      1    92%
colossalai/logging/logger.py                                                                                 82     27    67%
colossalai/nn/init.py                                                                                        87     64    26%
colossalai/nn/layer/__init__.py                                                                               1      0   100%
colossalai/nn/layer/moe/__init__.py                                                                           6      6     0%
colossalai/nn/layer/moe/_operation.py                                                                       118    118     0%
colossalai/nn/layer/moe/checkpoint.py                                                                        30     30     0%
colossalai/nn/layer/moe/experts.py                                                                          127    127     0%
colossalai/nn/layer/moe/layers.py                                                                           103    103     0%
colossalai/nn/layer/moe/routers.py                                                                          125    125     0%
colossalai/nn/layer/moe/utils.py                                                                             31     31     0%
colossalai/nn/layer/utils.py                                                                                  4      0   100%
colossalai/nn/loss/__init__.py                                                                                0      0   100%
colossalai/nn/lr_scheduler/__init__.py                                                                        7      0   100%
colossalai/nn/lr_scheduler/cosine.py                                                                         25     15    40%
colossalai/nn/lr_scheduler/delayed.py                                                                       109     89    18%
colossalai/nn/lr_scheduler/linear.py                                                                         10      6    40%
colossalai/nn/lr_scheduler/multistep.py                                                                      13      6    54%
colossalai/nn/lr_scheduler/onecycle.py                                                                        5      2    60%
colossalai/nn/lr_scheduler/poly.py                                                                           18     10    44%
colossalai/nn/optimizer/__init__.py                                                                           8      0   100%
colossalai/nn/optimizer/cpu_adam.py                                                                          66      4    94%
colossalai/nn/optimizer/fused_adam.py                                                                        53     10    81%
colossalai/nn/optimizer/fused_lamb.py                                                                        80     74     8%
colossalai/nn/optimizer/fused_sgd.py                                                                         58     50    14%
colossalai/nn/optimizer/hybrid_adam.py                                                                       60      4    93%
colossalai/nn/optimizer/lamb.py                                                                              52     47    10%
colossalai/nn/optimizer/lars.py                                                                              53     46    13%
colossalai/nn/optimizer/nvme_optimizer.py                                                                   102      8    92%
colossalai/pipeline/__init__.py                                                                               4      0   100%
colossalai/pipeline/p2p.py                                                                                   96      7    93%
colossalai/pipeline/schedule/__init__.py                                                                      4      0   100%
colossalai/pipeline/schedule/_utils.py                                                                       75      7    91%
colossalai/pipeline/schedule/base.py                                                                         10      1    90%
colossalai/pipeline/schedule/interleaved_pp.py                                                              172     11    94%
colossalai/pipeline/schedule/one_f_one_b.py                                                                 141      7    95%
colossalai/pipeline/stage_manager.py                                                                         49      0   100%
colossalai/shardformer/_utils.py                                                                             54     15    72%
colossalai/shardformer/layer/__init__.py                                                                      8      0   100%
colossalai/shardformer/layer/_operation.py                                                                  297    142    52%
colossalai/shardformer/layer/dropout.py                                                                      35      0   100%
colossalai/shardformer/layer/embedding.py                                                                   130     23    82%
colossalai/shardformer/layer/linear.py                                                                      190     53    72%
colossalai/shardformer/layer/loss.py                                                                         49      8    84%
colossalai/shardformer/layer/normalization.py                                                                50     10    80%
colossalai/shardformer/layer/parallel_module.py                                                              71     19    73%
colossalai/shardformer/layer/qkv_fused_linear.py                                                            300     75    75%
colossalai/shardformer/layer/utils.py                                                                        83     17    80%
colossalai/shardformer/modeling/bert.py                                                                     479    147    69%
colossalai/shardformer/modeling/blip2.py                                                                     52      1    98%
colossalai/shardformer/modeling/bloom.py                                                                    445    141    68%
colossalai/shardformer/modeling/chatglm2.py                                                                 181     41    77%
colossalai/shardformer/modeling/chatglm2_6b/configuration_chatglm.py                                         30      0   100%
colossalai/shardformer/modeling/chatglm2_6b/modeling_chatglm.py                                             570    239    58%
colossalai/shardformer/modeling/gpt2.py                                                                     398    121    70%
colossalai/shardformer/modeling/jit.py                                                                       19      3    84%
colossalai/shardformer/modeling/llama.py                                                                    215     68    68%
colossalai/shardformer/modeling/opt.py                                                                      284     90    68%
colossalai/shardformer/modeling/sam.py                                                                       94      6    94%
colossalai/shardformer/modeling/t5.py                                                                       297     74    75%
colossalai/shardformer/modeling/vit.py                                                                      148     28    81%
colossalai/shardformer/modeling/whisper.py                                                                  319    114    64%
colossalai/shardformer/policies/auto_policy.py                                                               33      4    88%
colossalai/shardformer/policies/base_policy.py                                                               81      3    96%
colossalai/shardformer/policies/bert.py                                                                     260      0   100%
colossalai/shardformer/policies/blip2.py                                                                     47      2    96%
colossalai/shardformer/policies/bloom.py                                                                    154      2    99%
colossalai/shardformer/policies/chatglm2.py                                                                 103      6    94%
colossalai/shardformer/policies/gpt2.py                                                                     184      1    99%
colossalai/shardformer/policies/llama.py                                                                    121      3    98%
colossalai/shardformer/policies/opt.py                                                                      144     13    91%
colossalai/shardformer/policies/sam.py                                                                       30      0   100%
colossalai/shardformer/policies/t5.py                                                                       180      5    97%
colossalai/shardformer/policies/vit.py                                                                      112      1    99%
colossalai/shardformer/policies/whisper.py                                                                  202     11    95%
colossalai/shardformer/shard/__init__.py                                                                      4      0   100%
colossalai/shardformer/shard/shard_config.py                                                                 40      3    92%
colossalai/shardformer/shard/sharder.py                                                                      96      3    97%
colossalai/tensor/__init__.py                                                                                 6      0   100%
colossalai/tensor/colo_parameter.py                                                                          59     10    83%
colossalai/tensor/colo_tensor.py                                                                             52      9    83%
colossalai/tensor/comm_spec.py                                                                              253     97    62%
colossalai/tensor/d_tensor/__init__.py                                                                        4      0   100%
colossalai/tensor/d_tensor/api.py                                                                           149     24    84%
colossalai/tensor/d_tensor/comm_spec.py                                                                     151     35    77%
colossalai/tensor/d_tensor/layout.py                                                                         38      2    95%
colossalai/tensor/d_tensor/layout_converter.py                                                              194     18    91%
colossalai/tensor/d_tensor/sharding_spec.py                                                                 104     14    87%
colossalai/tensor/d_tensor/utils.py                                                                          38      7    82%
colossalai/tensor/param_op_hook.py                                                                           98     12    88%
colossalai/tensor/shape_consistency.py                                                                      293    120    59%
colossalai/tensor/sharding_spec.py                                                                          138     19    86%
colossalai/tensor/utils.py                                                                                   78     40    49%
colossalai/testing/__init__.py                                                                                4      0   100%
colossalai/testing/comparison.py                                                                             77     28    64%
colossalai/testing/pytest_wrapper.py                                                                         12     10    17%
colossalai/testing/random.py                                                                                 15      2    87%
colossalai/testing/utils.py                                                                                  86     13    85%
colossalai/utils/__init__.py                                                                                  6      0   100%
colossalai/utils/common.py                                                                                   44      6    86%
colossalai/utils/cuda.py                                                                                     26     13    50%
colossalai/utils/model/utils.py                                                                              61     49    20%
colossalai/utils/moe.py                                                                                      29     20    31%
colossalai/utils/multi_tensor_apply/multi_tensor_apply.py                                                    16      4    75%
colossalai/utils/rank_recorder/__init__.py                                                                    2      2     0%
colossalai/utils/rank_recorder/rank_recorder.py                                                             134    134     0%
colossalai/utils/tensor_detector/__init__.py                                                                  1      0   100%
colossalai/utils/tensor_detector/tensor_detector.py                                                         118    102    14%
colossalai/utils/timer.py                                                                                    71     46    35%
colossalai/zero/__init__.py                                                                                   4      0   100%
colossalai/zero/gemini/__init__.py                                                                            7      0   100%
colossalai/zero/gemini/chunk/__init__.py                                                                      5      0   100%
colossalai/zero/gemini/chunk/chunk.py                                                                       314     44    86%
colossalai/zero/gemini/chunk/manager.py                                                                     132     16    88%
colossalai/zero/gemini/chunk/search_utils.py                                                                 86      2    98%
colossalai/zero/gemini/chunk/utils.py                                                                        30      4    87%
colossalai/zero/gemini/colo_init_context.py                                                                 101     86    15%
colossalai/zero/gemini/gemini_ddp.py                                                                        397     81    80%
colossalai/zero/gemini/gemini_hook.py                                                                        50      2    96%
colossalai/zero/gemini/gemini_mgr.py                                                                         97      8    92%
colossalai/zero/gemini/gemini_optimizer.py                                                                  391     39    90%
colossalai/zero/gemini/memory_tracer/__init__.py                                                              6      0   100%
colossalai/zero/gemini/memory_tracer/chunk_memstats_collector.py                                             17      2    88%
colossalai/zero/gemini/memory_tracer/memory_monitor.py                                                       72     35    51%
colossalai/zero/gemini/memory_tracer/memory_stats.py                                                         74     35    53%
colossalai/zero/gemini/memory_tracer/memstats_collector.py                                                   52     11    79%
colossalai/zero/gemini/memory_tracer/param_runtime_order.py                                                  25      5    80%
colossalai/zero/gemini/memory_tracer/runtime_mem_tracer.py                                                   64     45    30%
colossalai/zero/gemini/memory_tracer/static_memstats_collector.py                                            72     72     0%
colossalai/zero/gemini/memory_tracer/utils.py                                                                34     34     0%
colossalai/zero/gemini/placement_policy.py                                                                  119     24    80%
colossalai/zero/gemini/utils.py                                                                              58     37    36%
colossalai/zero/low_level/__init__.py                                                                         2      0   100%
colossalai/zero/low_level/_utils.py                                                                         117     66    44%
colossalai/zero/low_level/bookkeeping/__init__.py                                                             5      0   100%
colossalai/zero/low_level/bookkeeping/base_store.py                                                          12      2    83%
colossalai/zero/low_level/bookkeeping/bucket_store.py                                                        59      0   100%
colossalai/zero/low_level/bookkeeping/gradient_store.py                                                      30      0   100%
colossalai/zero/low_level/bookkeeping/parameter_store.py                                                     16      0   100%
colossalai/zero/low_level/bookkeeping/tensor_bucket.py                                                       37     22    41%
colossalai/zero/low_level/low_level_optim.py                                                                344     25    93%
colossalai/zero/wrapper.py                                                                                   36     29    19%
op_builder/__init__.py                                                                                        9      0   100%
op_builder/builder.py                                                                                        89     15    83%
op_builder/cpu_adam.py                                                                                       20      8    60%
op_builder/fused_optim.py                                                                                    20      9    55%
op_builder/gptq.py                                                                                           27      0   100%
op_builder/layernorm.py                                                                                      20     10    50%
op_builder/moe.py                                                                                            20     10    50%
op_builder/multi_head_attn.py                                                                                20     10    50%
op_builder/scaled_masked_softmax.py                                                                          18      8    56%
op_builder/scaled_upper_triangle_masked_softmax.py                                                           19      9    53%
op_builder/smoothquant.py                                                                                    27      4    85%
op_builder/utils.py                                                                                          94     52    45%
setup.py                                                                                                     72     72     0%
tests/components_to_test/__init__.py                                                                          4      0   100%
tests/components_to_test/albert.py                                                                           24      0   100%
tests/components_to_test/beit.py                                                                             23      0   100%
tests/components_to_test/bert.py                                                                             37      1    97%
tests/components_to_test/gpt2.py                                                                             43      2    95%
tests/components_to_test/hanging_param_model.py                                                              31      0   100%
tests/components_to_test/inline_op_model.py                                                                  31     19    39%
tests/components_to_test/nested_model.py                                                                     37      0   100%
tests/components_to_test/registry.py                                                                         25     10    60%
tests/components_to_test/repeated_computed_layers.py                                                         29      0   100%
tests/components_to_test/resnet.py                                                                           20      9    55%
tests/components_to_test/simple_net.py                                                                       37     10    73%
tests/components_to_test/utils/dummy_data_generator.py                                                       17      3    82%
tests/kit/model_zoo/__init__.py                                                                               3      0   100%
tests/kit/model_zoo/diffusers/diffusers.py                                                                   35      0   100%
tests/kit/model_zoo/registry.py                                                                              18      0   100%
tests/kit/model_zoo/timm/timm.py                                                                             39      0   100%
tests/kit/model_zoo/torchaudio/torchaudio.py                                                                 50      0   100%
tests/kit/model_zoo/torchrec/torchrec.py                                                                     65      6    91%
tests/kit/model_zoo/torchvision/torchvision.py                                                               38      0   100%
tests/kit/model_zoo/transformers/albert.py                                                                   37      0   100%
tests/kit/model_zoo/transformers/bert.py                                                                     50      0   100%
tests/kit/model_zoo/transformers/blip2.py                                                                    21      0   100%
tests/kit/model_zoo/transformers/bloom.py                                                                    36      0   100%
tests/kit/model_zoo/transformers/chatglm2.py                                                                 20      0   100%
tests/kit/model_zoo/transformers/gpt.py                                                                      51      0   100%
tests/kit/model_zoo/transformers/llama.py                                                                    28      2    93%
tests/kit/model_zoo/transformers/opt.py                                                                      31      4    87%
tests/kit/model_zoo/transformers/sam.py                                                                      14      0   100%
tests/kit/model_zoo/transformers/t5.py                                                                       25      0   100%
tests/kit/model_zoo/transformers/vit.py                                                                      24      0   100%
tests/kit/model_zoo/transformers/whisper.py                                                                  23      0   100%
tests/test_analyzer/test_fx/test_bias_addition.py                                                            76     76     0%
tests/test_analyzer/test_fx/test_mod_dir.py                                                                  49     49     0%
tests/test_analyzer/test_fx/test_nested_ckpt.py                                                              42     42     0%
tests/test_analyzer/test_fx/test_shape_prop.py                                                               46     46     0%
tests/test_analyzer/test_fx/test_symbolic_profile.py                                                         38     38     0%
tests/test_analyzer/test_subclasses/test_aten.py                                                             32     32     0%
tests/test_analyzer/test_subclasses/test_flop_tensor.py                                                      29     29     0%
tests/test_analyzer/test_subclasses/test_meta_mode.py                                                        31     31     0%
tests/test_auto_parallel/test_pass/test_node_converting_pass.py                                              43     43     0%
tests/test_auto_parallel/test_pass/test_size_value_converting_pass.py                                        56     56     0%
tests/test_auto_parallel/test_tensor_shard/test_bias_addition_forward.py                                     62     62     0%
tests/test_auto_parallel/test_tensor_shard/test_broadcast.py                                                 37     37     0%
tests/test_auto_parallel/test_tensor_shard/test_checkpoint.py                                                49     49     0%
tests/test_auto_parallel/test_tensor_shard/test_compatibility_with_ddp.py                                    75     75     0%
tests/test_auto_parallel/test_tensor_shard/test_compatibility_with_gemini.py                                 77     77     0%
tests/test_auto_parallel/test_tensor_shard/test_find_repeat_block.py                                         77     77     0%
tests/test_auto_parallel/test_tensor_shard/test_gpt/gpt_modules.py                                          144    144     0%
tests/test_auto_parallel/test_tensor_shard/test_gpt/test_runtime_with_gpt_modules.py                        135    135     0%
tests/test_auto_parallel/test_tensor_shard/test_gpt/test_solver_with_gpt_module.py                           66     66     0%
tests/test_auto_parallel/test_tensor_shard/test_liveness_analysis.py                                         43     43     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_addbmm_handler.py                         158    158     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_addmm_handler.py                          110    110     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_batch_norm_handler.py                      64     64     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_bias_linear_function_node.py               99     99     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_bias_linear_module_node.py                 96     96     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_binary_elementwise_handler.py             168    168     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_bmm_handler.py                            137    137     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_conv_handler.py                           188    188     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_default_reshape_handler.py                 53     53     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_embedding_handler.py                      175    175     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_getattr_handler.py                         51     51     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_getitem_handler.py                        112    112     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_layer_norm_handler.py                      67     67     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_linear_handler.py                         200    200     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_matmul_handler.py                          94     94     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_norm_pooling_handler.py                    41     41     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_output_handler.py                          44     44     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_permute_and_transpose_handler.py          245    245     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_placeholder_handler.py                     50     50     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_shard_option.py                            72     72     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_softmax_handler.py                        124    124     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_split_handler.py                          185    185     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_sum_handler.py                            175    175     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_tensor_constructor.py                      44     44     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_unary_element_wise_handler.py              54     54     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_view_handler.py                           185    185     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/test_where_handler.py                           59     59     0%
tests/test_auto_parallel/test_tensor_shard/test_node_handler/utils.py                                       124    124     0%
tests/test_auto_parallel/test_tensor_shard/test_solver_with_resnet_v2.py                                     57     57     0%
tests/test_booster/test_accelerator.py                                                                       11      0   100%
tests/test_booster/test_mixed_precision/test_fp16_torch.py                                                   30      1    97%
tests/test_booster/test_plugin/test_3d_plugin.py                                                             64      7    89%
tests/test_booster/test_plugin/test_dp_plugin_base.py                                                        49      9    82%
tests/test_booster/test_plugin/test_gemini_plugin.py                                                         72      9    88%
tests/test_booster/test_plugin/test_low_level_zero_plugin.py                                                 59      6    90%
tests/test_booster/test_plugin/test_torch_ddp_plugin.py                                                      78      0   100%
tests/test_booster/test_plugin/test_torch_fsdp_plugin.py                                                     43      0   100%
tests/test_checkpoint_io/test_gemini_checkpoint_io.py                                                       104      0   100%
tests/test_checkpoint_io/test_gemini_torch_compability.py                                                   116      0   100%
tests/test_checkpoint_io/test_general_checkpoint_io.py                                                      104      0   100%
tests/test_checkpoint_io/test_hybrid_parallel_plugin_checkpoint_io.py                                        87      0   100%
tests/test_checkpoint_io/test_low_level_zero_checkpoint_io.py                                                58      1    98%
tests/test_checkpoint_io/test_plugins_huggingface_compatibility.py                                           55      1    98%
tests/test_checkpoint_io/test_torch_ddp_checkpoint_io.py                                                     55      0   100%
tests/test_checkpoint_io/test_torch_fsdp_checkpoint_io.py                                                    81      6    93%
tests/test_checkpoint_io/utils.py                                                                            14      0   100%
tests/test_cluster/test_device_mesh_manager.py                                                               16      1    94%
tests/test_cluster/test_process_group_mesh.py                                                                85     34    60%
tests/test_config/sample_config.py                                                                            1      0   100%
tests/test_config/test_load_config.py                                                                         8      0   100%
tests/test_device/test_alpha_beta.py                                                                         20      8    60%
tests/test_device/test_device_mesh.py                                                                        58     36    38%
tests/test_device/test_extract_alpha_beta.py                                                                 22     10    55%
tests/test_device/test_init_logical_pg.py                                                                    25      1    96%
tests/test_device/test_search_logical_device_mesh.py                                                         22     10    55%
tests/test_gptq/test_gptq_linear.py                                                                          93     60    35%
tests/test_infer/test_bloom_infer.py                                                                         38     15    61%
tests/test_infer/test_chatglm2_infer.py                                                                      48     20    58%
tests/test_infer/test_infer_engine.py                                                                        59     34    42%
tests/test_infer/test_kvcache_manager.py                                                                     44     24    45%
tests/test_infer/test_llama_infer.py                                                                         58     32    45%
tests/test_infer_ops/cuda/test_vllm_rmsnorm.py                                                               38     22    42%
tests/test_infer_ops/cuda/test_vllm_rotary_embedding.py                                                      75     54    28%
tests/test_infer_ops/triton/kernel_utils.py                                                                  20     16    20%
tests/test_infer_ops/triton/test_bloom_context_attention.py                                                  33     22    33%
tests/test_infer_ops/triton/test_copy_kv_dest.py                                                             22     12    45%
tests/test_infer_ops/triton/test_layernorm_triton.py                                                         30     17    43%
tests/test_infer_ops/triton/test_llama2_token_attn.py                                                        41     30    27%
tests/test_infer_ops/triton/test_llama_context_attention.py                                                  32     21    34%
tests/test_infer_ops/triton/test_rotary_embedding.py                                                         36     25    31%
tests/test_infer_ops/triton/test_self_attention_nonfusion.py                                                 72     56    22%
tests/test_infer_ops/triton/test_softmax.py                                                                  22     11    50%
tests/test_infer_ops/triton/test_token_attn_1.py                                                             47     34    28%
tests/test_infer_ops/triton/test_token_attn_2.py                                                             37     26    30%
tests/test_infer_ops/triton/test_token_attn_fwd.py                                                           45     34    24%
tests/test_infer_ops/triton/test_token_softmax.py                                                            30     20    33%
tests/test_lazy/lazy_init_utils.py                                                                           72     26    64%
tests/test_lazy/test_from_pretrained.py                                                                      22      1    95%
tests/test_lazy/test_models.py                                                                               14      1    93%
tests/test_lazy/test_ops.py                                                                                  56      1    98%
tests/test_optimizer/test_adam_kernel.py                                                                     87      1    99%
tests/test_optimizer/test_adam_optim.py                                                                      49      0   100%
tests/test_optimizer/test_nvme.py                                                                            35      1    97%
tests/test_pipeline/test_p2p_communication.py                                                                44      1    98%
tests/test_pipeline/test_pipeline_utils/test_t5_pipeline_utils.py                                            17      0   100%
tests/test_pipeline/test_pipeline_utils/test_whisper_pipeline_utils.py                                       20      2    90%
tests/test_pipeline/test_schedule/test_interleaved.py                                                        99      1    99%
tests/test_pipeline/test_schedule/test_oneF_oneB.py                                                          80      2    98%
tests/test_pipeline/test_schedule/test_pipeline_schedule_utils.py                                            40      0   100%
tests/test_pipeline/test_stage_manager.py                                                                    45      1    98%
tests/test_shardformer/test_layer/test_dist_crossentropy.py                                                  27      1    96%
tests/test_shardformer/test_layer/test_dropout.py                                                            42      1    98%
tests/test_shardformer/test_layer/test_embedding.py                                                          37      1    97%
tests/test_shardformer/test_layer/test_gpt2_qkv_fused_linear_1d.py                                           94      1    99%
tests/test_shardformer/test_layer/test_layernorm.py                                                          35      1    97%
tests/test_shardformer/test_layer/test_linear_1d.py                                                         116      1    99%
tests/test_shardformer/test_layer/test_qkv_fused_linear_1d.py                                                89      1    99%
tests/test_shardformer/test_layer/test_vocab_parallel_embedding_1d.py                                        39      1    97%
tests/test_shardformer/test_model/_utils.py                                                                 182     30    84%
tests/test_shardformer/test_model/test_shard_bert.py                                                         80     12    85%
tests/test_shardformer/test_model/test_shard_blip2.py                                                        40      1    98%
tests/test_shardformer/test_model/test_shard_bloom.py                                                        80     12    85%
tests/test_shardformer/test_model/test_shard_chatglm2.py                                                     79     11    86%
tests/test_shardformer/test_model/test_shard_gpt2.py                                                         81     11    86%
tests/test_shardformer/test_model/test_shard_llama.py                                                        82     12    85%
tests/test_shardformer/test_model/test_shard_opt.py                                                          81     11    86%
tests/test_shardformer/test_model/test_shard_sam.py                                                          39      1    97%
tests/test_shardformer/test_model/test_shard_t5.py                                                           79     11    86%
tests/test_shardformer/test_model/test_shard_vit.py                                                          79     11    86%
tests/test_shardformer/test_model/test_shard_whisper.py                                                      88     14    84%
tests/test_shardformer/test_shard_utils.py                                                                   21      0   100%
tests/test_shardformer/test_with_torch_ddp.py                                                                52      1    98%
tests/test_smoothquant/test_llama_attention.py                                                               90     71    21%
tests/test_smoothquant/test_llama_mlp.py                                                                     46     26    43%
tests/test_smoothquant/test_smoothquant_linear.py                                                            25     13    48%
tests/test_smoothquant/test_sq_rotary_embedding.py                                                           40     29    28%
tests/test_tensor/test_comm_spec_apply.py                                                                    96      1    99%
tests/test_tensor/test_dtensor/test_comm_spec.py                                                             77      1    99%
tests/test_tensor/test_dtensor/test_dtensor.py                                                               65      5    92%
tests/test_tensor/test_dtensor/test_dtensor_sharding_spec.py                                                 20      1    95%
tests/test_tensor/test_dtensor/test_layout_converter.py                                                      91      1    99%
tests/test_tensor/test_mix_gather.py                                                                        150    127    15%
tests/test_tensor/test_shape_consistency.py                                                                  50      2    96%
tests/test_tensor/test_shape_consistency_apply.py                                                            43      1    98%
tests/test_tensor/test_sharding_spec.py                                                                      13      1    92%
tests/test_utils/test_flash_attention.py                                                                    119      0   100%
tests/test_zero/test_gemini/test_chunk_mgrv2.py                                                              47      1    98%
tests/test_zero/test_gemini/test_chunkv2.py                                                                  87      1    99%
tests/test_zero/test_gemini/test_fwd_bwd.py                                                                  74      1    99%
tests/test_zero/test_gemini/test_gemini_use_rmt.py                                                           69     46    33%
tests/test_zero/test_gemini/test_grad_clip.py                                                                76      2    97%
tests/test_zero/test_gemini/test_inference.py                                                                92      1    99%
tests/test_zero/test_gemini/test_optim.py                                                                   119      1    99%
tests/test_zero/test_gemini/test_runtime_mem_tracer.py                                                       40     28    30%
tests/test_zero/test_gemini/test_search.py                                                                   38      2    95%
tests/test_zero/test_gemini/test_zeroddp_state_dict.py                                                       91      5    95%
tests/test_zero/test_gemini/test_zerooptim_state_dict.py                                                     59      2    97%
tests/test_zero/test_low_level/test_grad_acc.py                                                              86      1    99%
tests/test_zero/test_low_level/test_zero1_2.py                                                              101      1    99%
tests/test_zero/test_low_level/test_zero_ckpt.py                                                             68      5    93%
-----------------------------------------------------------------------------------------------------------------------------
TOTAL                                                                                                     61591  38579    37%

@Xu-Kai Xu-Kai merged commit 82afdc7 into hpcaitech:feature/smoothquant Oct 12, 2023
Xu-Kai added a commit to Xu-Kai/ColossalAI that referenced this pull request Oct 13, 2023
* add smoothquant llama

* fix attention accuracy

* fix accuracy

* add kv cache and save pretrained

* refactor example

* delete smooth

* refactor code
Xu-Kai added a commit to Xu-Kai/ColossalAI that referenced this pull request Oct 13, 2023
* add smoothquant llama

* fix attention accuracy

* fix accuracy

* add kv cache and save pretrained

* refactor example

* delete smooth

* refactor code
Xu-Kai added a commit to Xu-Kai/ColossalAI that referenced this pull request Oct 13, 2023
* add smoothquant llama

* fix attention accuracy

* fix accuracy

* add kv cache and save pretrained

* refactor example

* delete smooth

* refactor code
Xu-Kai added a commit that referenced this pull request Oct 16, 2023
* [inference] add int8 rotary embedding kernel for smoothquant (#4843)

* [inference] add smoothquant llama attention (#4850)

* add smoothquant llama attention

* remove uselss code

* remove useless code

* fix import error

* rename file name

* [inference] add silu linear fusion for smoothquant llama mlp  (#4853)

* add silu linear

* update skip condition

* catch smoothquant cuda lib exception

* prcocess exception for tests

* [inference] add llama mlp for smoothquant (#4854)

* add llama mlp for smoothquant

* fix down out scale

* remove duplicate lines

* add llama mlp check

* delete useless code

* [inference] add smoothquant llama (#4861)

* add smoothquant llama

* fix attention accuracy

* fix accuracy

* add kv cache and save pretrained

* refactor example

* delete smooth

* refactor code

* [inference] add smooth function and delete useless code for smoothquant (#4895)

* add smooth function and delete useless code

* update datasets

* remove duplicate import

* delete useless file

* refactor codes (#4902)

* rafactor code

* add license

* add torch-int and smoothquant license
flybird11111 pushed a commit to flybird11111/ColossalAI that referenced this pull request Oct 18, 2023
* [inference] add int8 rotary embedding kernel for smoothquant (hpcaitech#4843)

* [inference] add smoothquant llama attention (hpcaitech#4850)

* add smoothquant llama attention

* remove uselss code

* remove useless code

* fix import error

* rename file name

* [inference] add silu linear fusion for smoothquant llama mlp  (hpcaitech#4853)

* add silu linear

* update skip condition

* catch smoothquant cuda lib exception

* prcocess exception for tests

* [inference] add llama mlp for smoothquant (hpcaitech#4854)

* add llama mlp for smoothquant

* fix down out scale

* remove duplicate lines

* add llama mlp check

* delete useless code

* [inference] add smoothquant llama (hpcaitech#4861)

* add smoothquant llama

* fix attention accuracy

* fix accuracy

* add kv cache and save pretrained

* refactor example

* delete smooth

* refactor code

* [inference] add smooth function and delete useless code for smoothquant (hpcaitech#4895)

* add smooth function and delete useless code

* update datasets

* remove duplicate import

* delete useless file

* refactor codes (hpcaitech#4902)

* rafactor code

* add license

* add torch-int and smoothquant license
flybird11111 pushed a commit to flybird11111/ColossalAI that referenced this pull request Nov 9, 2023
* [inference] add int8 rotary embedding kernel for smoothquant (hpcaitech#4843)

* [inference] add smoothquant llama attention (hpcaitech#4850)

* add smoothquant llama attention

* remove uselss code

* remove useless code

* fix import error

* rename file name

* [inference] add silu linear fusion for smoothquant llama mlp  (hpcaitech#4853)

* add silu linear

* update skip condition

* catch smoothquant cuda lib exception

* prcocess exception for tests

* [inference] add llama mlp for smoothquant (hpcaitech#4854)

* add llama mlp for smoothquant

* fix down out scale

* remove duplicate lines

* add llama mlp check

* delete useless code

* [inference] add smoothquant llama (hpcaitech#4861)

* add smoothquant llama

* fix attention accuracy

* fix accuracy

* add kv cache and save pretrained

* refactor example

* delete smooth

* refactor code

* [inference] add smooth function and delete useless code for smoothquant (hpcaitech#4895)

* add smooth function and delete useless code

* update datasets

* remove duplicate import

* delete useless file

* refactor codes (hpcaitech#4902)

* rafactor code

* add license

* add torch-int and smoothquant license
flybird11111 added a commit that referenced this pull request Nov 10, 2023
* [colossalai]fix typo

* [inference] Add smmoothquant for llama (#4904)

* [inference] add int8 rotary embedding kernel for smoothquant (#4843)

* [inference] add smoothquant llama attention (#4850)

* add smoothquant llama attention

* remove uselss code

* remove useless code

* fix import error

* rename file name

* [inference] add silu linear fusion for smoothquant llama mlp  (#4853)

* add silu linear

* update skip condition

* catch smoothquant cuda lib exception

* prcocess exception for tests

* [inference] add llama mlp for smoothquant (#4854)

* add llama mlp for smoothquant

* fix down out scale

* remove duplicate lines

* add llama mlp check

* delete useless code

* [inference] add smoothquant llama (#4861)

* add smoothquant llama

* fix attention accuracy

* fix accuracy

* add kv cache and save pretrained

* refactor example

* delete smooth

* refactor code

* [inference] add smooth function and delete useless code for smoothquant (#4895)

* add smooth function and delete useless code

* update datasets

* remove duplicate import

* delete useless file

* refactor codes (#4902)

* rafactor code

* add license

* add torch-int and smoothquant license

* Update flash_attention_patch.py

To be compatible with the new change in the Transformers library, where a new argument 'padding_mask' was added to forward function of attention layer.
huggingface/transformers#25598

* [kernel] support pure fp16 for cpu adam and update gemini optim tests (#4921)

* [kernel] support pure fp16 for cpu adam (#4896)

* [kernel] fix cpu adam kernel for pure fp16 and update tests (#4919)

* [kernel] fix cpu adam

* [test] update gemini optim test

* [format] applied code formatting on changed files in pull request 4908 (#4918)

Co-authored-by: github-actions <[email protected]>

* [gemini] support gradient accumulation (#4869)

* add test

* fix no_sync bug in low level zero plugin

* fix test

* add argument for grad accum

* add grad accum in backward hook for gemini

* finish implementation, rewrite tests

* fix test

* skip stuck model in low level zero test

* update doc

* optimize communication & fix gradient checkpoint

* modify doc

* cleaning codes

* update cpu adam fp16 case

* [hotfix] fix torch 2.0 compatibility (#4936)

* [hotfix] fix launch

* [test] fix test gemini optim

* [shardformer] fix vit

* [test] add no master test for low level zero plugin (#4934)

* [format] applied code formatting on changed files in pull request 4820 (#4886)

Co-authored-by: github-actions <[email protected]>

* [nfc] fix some typo with colossalai/ docs/ etc. (#4920)

* [Refactor] Integrated some lightllm kernels into token-attention  (#4946)

* add some req for inference

* clean codes

* add codes

* add some lightllm deps

* clean codes

* hello

* delete rms files

* add some comments

* add comments

* add doc

* add lightllm deps

* add lightllm cahtglm2 kernels

* add lightllm cahtglm2 kernels

* replace rotary embedding with lightllm kernel

* add some commnets

* add some comments

* add some comments

* add

* replace fwd kernel att1

* fix a arg

* add

* add

* fix token attention

* add some comments

* clean codes

* modify comments

* fix readme

* fix bug

* fix bug

---------

Co-authored-by: cuiqing.li <[email protected]>
Co-authored-by: CjhHa1 <[email protected]>

* [test] merge old components to test to model zoo (#4945)

* [test] add custom models in model zoo

* [test] update legacy test

* [test] update model zoo

* [test] update gemini test

* [test] remove components to test

* [inference] add reference and fix some bugs (#4937)

* add reference and fix some bugs

* update gptq init

---------

Co-authored-by: Xu Kai <[email protected]>

* [Inference]ADD Bench Chatglm2 script (#4963)

* add bench chatglm

* fix bug and make utils

---------

Co-authored-by: CjhHa1 <cjh18671720497outlook.com>

* [Pipeline inference] Combine kvcache with pipeline inference (#4938)

* merge kvcache with pipeline inference and refactor the code structure

* support ppsize > 2

* refactor pipeline code

* do pre-commit

* modify benchmark

* fix bench mark

* polish code

* add docstring and update readme

* refactor the code

* fix some logic bug of ppinfer

* polish readme

* fix typo

* skip infer test

* updated c++17 compiler flags (#4983)

* [Inference] Dynamic Batching Inference, online and offline (#4953)

* [inference] Dynamic Batching for Single and Multiple GPUs (#4831)

* finish batch manager

* 1

* first

* fix

* fix dynamic batching

* llama infer

* finish test

* support different lengths generating

* del prints

* del prints

* fix

* fix bug

---------

Co-authored-by: CjhHa1 <cjh18671720497outlook.com>

* [inference] Async dynamic batching  (#4894)

* finish input and output logic

* add generate

* test forward

* 1

* [inference]Re push async dynamic batching (#4901)

* adapt to ray server

* finish async

* finish test

* del test

---------

Co-authored-by: yuehuayingxueluo <[email protected]>

* Revert "[inference]Re push async dynamic batching (#4901)" (#4905)

This reverts commit fbf3c09.

* Revert "[inference] Async dynamic batching  (#4894)"

This reverts commit fced140.

* Revert "[inference] Async dynamic batching  (#4894)" (#4909)

This reverts commit fced140.

* Add Ray Distributed Environment Init Scripts

* support DynamicBatchManager base function

* revert _set_tokenizer version

* add driver async generate

* add async test

* fix bugs in test_ray_dist.py

* add get_tokenizer.py

* fix code style

* fix bugs about No module named 'pydantic' in ci test

* fix bugs in ci test

* fix bugs in ci test

* fix bugs in ci test

* [infer]Add Ray Distributed Environment Init Scripts (#4911)

* Revert "[inference] Async dynamic batching  (#4894)"

This reverts commit fced140.

* Add Ray Distributed Environment Init Scripts

* support DynamicBatchManager base function

* revert _set_tokenizer version

* add driver async generate

* add async test

* fix bugs in test_ray_dist.py

* add get_tokenizer.py

* fix code style

* fix bugs about No module named 'pydantic' in ci test

* fix bugs in ci test

* fix bugs in ci test

* fix bugs in ci test

* support dynamic batch for bloom model and is_running function

* [Inference]Test for new Async engine (#4935)

* infer engine

* infer engine

* test engine

* test engine

* new manager

* change step

* add

* test

* fix

* fix

* finish test

* finish test

* finish test

* finish test

* add license

---------

Co-authored-by: yuehuayingxueluo <[email protected]>

* add assertion for config (#4947)

* [Inference] Finish dynamic batching offline test (#4948)

* test

* fix test

* fix quant

* add default

* fix

* fix some bugs

* fix some bugs

* fix

* fix bug

* fix bugs

* reset param

---------

Co-authored-by: yuehuayingxueluo <[email protected]>
Co-authored-by: Cuiqing Li <[email protected]>
Co-authored-by: CjhHa1 <cjh18671720497outlook.com>

* [Kernels]Updated Triton kernels into 2.1.0 and adding flash-decoding for llama token attention  (#4965)

* adding flash-decoding

* clean

* adding kernel

* adding flash-decoding

* add integration

* add

* adding kernel

* adding kernel

* adding triton 2.1.0 features for inference

* update bloom triton kernel

* remove useless vllm kernels

* clean codes

* fix

* adding files

* fix readme

* update llama flash-decoding

---------

Co-authored-by: cuiqing.li <[email protected]>

* fix ColossalEval (#4992)

Co-authored-by: Xu Yuanchen <[email protected]>

* [doc]Update doc for colossal-inference (#4989)

* update doc

* Update README.md

---------

Co-authored-by: cuiqing.li <[email protected]>

* [hotfix] Fix the bug where process groups were not being properly released. (#4940)

* Fix the bug where process groups were not being properly released.

* test

* Revert "test"

This reverts commit 479900c.

* [hotfix] fix the bug of repeatedly storing param group (#4951)

* [doc] add supported feature diagram for hybrid parallel plugin (#4996)

* [Pipeline Inference] Merge pp with tp (#4993)

* refactor pipeline into new CaiInferEngine

* updata llama modeling forward

* merge tp with pp

* update docstring

* optimize test workflow and example

* fix typo

* add assert and todo

* [release] update version (#4995)

* [release] update version

* [hotfix] fix ci

* [gemini] gemini support tp

[gemini] gemini support tp

[gemini] gemini support tp

[gemini] gemini support tp

[gemini] gemini support tp

* fix

fix

fix

* update checkpointIO

update checkpointIO

update checkpointIO

update checkpointIO

update checkpointIO

update checkpointIO

update checkpointIO

update checkpointIO

update checkpointIO

* support fused layernorm

support fused layernorm

support fused layernorm

* update fusedlayernorm

update fusedlayernorm

update fusedlayernorm

* add sequence parallel to gemini

add sequence parallel to gemini

* fix

* fix comments

fix comments

fix comments

* fix

* fix t5

* clear cache

* fix

* activate ci

* activate ci

* fix

* fix

* fix

* fix

* revert

* modify tp gather method

modify tp gather method

modify tp gather method

modify tp gather method

* fix test

---------

Co-authored-by: Xu Kai <[email protected]>
Co-authored-by: Zian(Andy) Zheng <[email protected]>
Co-authored-by: Hongxin Liu <[email protected]>
Co-authored-by: github-actions[bot] <41898282+github-actions[bot]@users.noreply.github.com>
Co-authored-by: github-actions <[email protected]>
Co-authored-by: Baizhou Zhang <[email protected]>
Co-authored-by: Zhongkai Zhao <[email protected]>
Co-authored-by: digger yu <[email protected]>
Co-authored-by: Cuiqing Li <[email protected]>
Co-authored-by: cuiqing.li <[email protected]>
Co-authored-by: CjhHa1 <[email protected]>
Co-authored-by: Xu Kai <[email protected]>
Co-authored-by: Jianghai <[email protected]>
Co-authored-by: Bin Jia <[email protected]>
Co-authored-by: アマデウス <[email protected]>
Co-authored-by: yuehuayingxueluo <[email protected]>
Co-authored-by: Yuanchen <[email protected]>
Co-authored-by: Xu Yuanchen <[email protected]>
Co-authored-by: littsk <[email protected]>
Co-authored-by: ppt0011 <[email protected]>
flybird11111 pushed a commit to flybird11111/ColossalAI that referenced this pull request Nov 10, 2023
* [inference] add int8 rotary embedding kernel for smoothquant (hpcaitech#4843)

* [inference] add smoothquant llama attention (hpcaitech#4850)

* add smoothquant llama attention

* remove uselss code

* remove useless code

* fix import error

* rename file name

* [inference] add silu linear fusion for smoothquant llama mlp  (hpcaitech#4853)

* add silu linear

* update skip condition

* catch smoothquant cuda lib exception

* prcocess exception for tests

* [inference] add llama mlp for smoothquant (hpcaitech#4854)

* add llama mlp for smoothquant

* fix down out scale

* remove duplicate lines

* add llama mlp check

* delete useless code

* [inference] add smoothquant llama (hpcaitech#4861)

* add smoothquant llama

* fix attention accuracy

* fix accuracy

* add kv cache and save pretrained

* refactor example

* delete smooth

* refactor code

* [inference] add smooth function and delete useless code for smoothquant (hpcaitech#4895)

* add smooth function and delete useless code

* update datasets

* remove duplicate import

* delete useless file

* refactor codes (hpcaitech#4902)

* rafactor code

* add license

* add torch-int and smoothquant license
linsj20 added a commit that referenced this pull request Apr 23, 2024
* [Inference]ADD Bench Chatglm2 script (#4963)

* add bench chatglm

* fix bug and make utils

---------

Co-authored-by: CjhHa1 <cjh18671720497outlook.com>

* [Pipeline inference] Combine kvcache with pipeline inference (#4938)

* merge kvcache with pipeline inference and refactor the code structure

* support ppsize > 2

* refactor pipeline code

* do pre-commit

* modify benchmark

* fix bench mark

* polish code

* add docstring and update readme

* refactor the code

* fix some logic bug of ppinfer

* polish readme

* fix typo

* skip infer test

* updated c++17 compiler flags (#4983)

* [Inference] Dynamic Batching Inference, online and offline (#4953)

* [inference] Dynamic Batching for Single and Multiple GPUs (#4831)

* finish batch manager

* 1

* first

* fix

* fix dynamic batching

* llama infer

* finish test

* support different lengths generating

* del prints

* del prints

* fix

* fix bug

---------

Co-authored-by: CjhHa1 <cjh18671720497outlook.com>

* [inference] Async dynamic batching  (#4894)

* finish input and output logic

* add generate

* test forward

* 1

* [inference]Re push async dynamic batching (#4901)

* adapt to ray server

* finish async

* finish test

* del test

---------

Co-authored-by: yuehuayingxueluo <[email protected]>

* Revert "[inference]Re push async dynamic batching (#4901)" (#4905)

This reverts commit fbf3c09e673794ed18c91d4bab1a7dfea052e95a.

* Revert "[inference] Async dynamic batching  (#4894)"

This reverts commit fced14025043e29ce816b315f440601188f7f79f.

* Revert "[inference] Async dynamic batching  (#4894)" (#4909)

This reverts commit fced14025043e29ce816b315f440601188f7f79f.

* Add Ray Distributed Environment Init Scripts

* support DynamicBatchManager base function

* revert _set_tokenizer version

* add driver async generate

* add async test

* fix bugs in test_ray_dist.py

* add get_tokenizer.py

* fix code style

* fix bugs about No module named 'pydantic' in ci test

* fix bugs in ci test

* fix bugs in ci test

* fix bugs in ci test

* [infer]Add Ray Distributed Environment Init Scripts (#4911)

* Revert "[inference] Async dynamic batching  (#4894)"

This reverts commit fced14025043e29ce816b315f440601188f7f79f.

* Add Ray Distributed Environment Init Scripts

* support DynamicBatchManager base function

* revert _set_tokenizer version

* add driver async generate

* add async test

* fix bugs in test_ray_dist.py

* add get_tokenizer.py

* fix code style

* fix bugs about No module named 'pydantic' in ci test

* fix bugs in ci test

* fix bugs in ci test

* fix bugs in ci test

* support dynamic batch for bloom model and is_running function

* [Inference]Test for new Async engine (#4935)

* infer engine

* infer engine

* test engine

* test engine

* new manager

* change step

* add

* test

* fix

* fix

* finish test

* finish test

* finish test

* finish test

* add license

---------

Co-authored-by: yuehuayingxueluo <[email protected]>

* add assertion for config (#4947)

* [Inference] Finish dynamic batching offline test (#4948)

* test

* fix test

* fix quant

* add default

* fix

* fix some bugs

* fix some bugs

* fix

* fix bug

* fix bugs

* reset param

---------

Co-authored-by: yuehuayingxueluo <[email protected]>
Co-authored-by: Cuiqing Li <[email protected]>
Co-authored-by: CjhHa1 <cjh18671720497outlook.com>

* [Kernels]Updated Triton kernels into 2.1.0 and adding flash-decoding for llama token attention  (#4965)

* adding flash-decoding

* clean

* adding kernel

* adding flash-decoding

* add integration

* add

* adding kernel

* adding kernel

* adding triton 2.1.0 features for inference

* update bloom triton kernel

* remove useless vllm kernels

* clean codes

* fix

* adding files

* fix readme

* update llama flash-decoding

---------

Co-authored-by: cuiqing.li <[email protected]>

* fix ColossalEval (#4992)

Co-authored-by: Xu Yuanchen <[email protected]>

* [doc]Update doc for colossal-inference (#4989)

* update doc

* Update README.md

---------

Co-authored-by: cuiqing.li <[email protected]>

* [hotfix] Fix the bug where process groups were not being properly released. (#4940)

* Fix the bug where process groups were not being properly released.

* test

* Revert "test"

This reverts commit 479900c1398637310abf92eefa3cd168038ea02f.

* [hotfix] fix the bug of repeatedly storing param group (#4951)

* [doc] add supported feature diagram for hybrid parallel plugin (#4996)

* [Pipeline Inference] Merge pp with tp (#4993)

* refactor pipeline into new CaiInferEngine

* updata llama modeling forward

* merge tp with pp

* update docstring

* optimize test workflow and example

* fix typo

* add assert and todo

* [release] update version (#4995)

* [release] update version

* [hotfix] fix ci

* [moe] merge moe into main (#4978)

* update moe module
* support openmoe

* [hotfix] fix grad accumulation plus clipping for gemini (#5002)

* [hotfix] Add layer norm gradients all-reduce for sequence parallel (#4926)

* [hotfix] Add layer norm gradients all-reduce for sequence parallel. (#4915)

* Add layer norm gradients all-reduce for sequence parallel.

* skip pipeline inference test

* [hotfix] fixing polices of sequence parallel (#4922)

* Add layer norm gradients all-reduce for sequence parallel.

* fix parameter passing when calling get_autopolicy

---------

Co-authored-by: littsk <[email protected]>

* Hotfix/add grad all reduce for sequence parallel (#4927)

* Add layer norm gradients all-reduce for sequence parallel.


* fix parameter passing when calling get_autopolicy

* fix bug using wrong variables

---------

Co-authored-by: littsk <[email protected]>

* fix policy initialization

* fix bloom and chatglm policices

* polish code of handling layernorm

* fix moe module

* polish code of class initializing

---------

Co-authored-by: Zhongkai Zhao <[email protected]>

* [format] applied code formatting on changed files in pull request 4926 (#5007)

Co-authored-by: github-actions <[email protected]>

* [Inference] Fix bug in ChatGLM2 Tensor Parallelism (#5014)

* fix bug

* fix

* fix multiquery

* fix multiquery

---------

Co-authored-by: CjhHa1 <cjh18671720497outlook.com>

* [misc] add code owners (#5024)

* [moe] support optimizer checkpoint (#5015)

* Refactor MoE Manager setup method

* unshard optim ckpt

* optim io

* update transformer version

* update requirements

* update ckpt

* update ckpt

* update ckpt

* fix engine

* fix engine

* Support mtbench (#5025)

Co-authored-by: Xu Yuanchen <[email protected]>

* [moe]: fix ep/tp tests, add hierarchical all2all (#4982)

* fix: add warning for EP different behavior

* fix: use shard_data in ep & tp model

* to: add used_capacity

* fix: fix router test

* feat: add create_ep_node_group

* feat: add create_ep_hierarchical_group fn

* feat: add HierarchicalAllToAll

* test: add hierarchical all2all test

* fix: fix test errors

* fix: simplify create_ep_hierarchical_group

* fix: add hierarchical_alltoall arg

* fix: fix environ typo

* revert: revert process mesh order

* to: add todo mark

* fix: skip hierarchical_comm if torch < 1.13.1

* [shardformer] Fix serialization error with Tensor Parallel state saving (#5018)

* Fix serialization error with Tensor Parallel state saving

* Refactor state_dict CPU transfer using tree_map

* [gemini] gemini support tensor parallelism. (#4942)

* [colossalai]fix typo

* [inference] Add smmoothquant for llama (#4904)

* [inference] add int8 rotary embedding kernel for smoothquant (#4843)

* [inference] add smoothquant llama attention (#4850)

* add smoothquant llama attention

* remove uselss code

* remove useless code

* fix import error

* rename file name

* [inference] add silu linear fusion for smoothquant llama mlp  (#4853)

* add silu linear

* update skip condition

* catch smoothquant cuda lib exception

* prcocess exception for tests

* [inference] add llama mlp for smoothquant (#4854)

* add llama mlp for smoothquant

* fix down out scale

* remove duplicate lines

* add llama mlp check

* delete useless code

* [inference] add smoothquant llama (#4861)

* add smoothquant llama

* fix attention accuracy

* fix accuracy

* add kv cache and save pretrained

* refactor example

* delete smooth

* refactor code

* [inference] add smooth function and delete useless code for smoothquant (#4895)

* add smooth function and delete useless code

* update datasets

* remove duplicate import

* delete useless file

* refactor codes (#4902)

* rafactor code

* add license

* add torch-int and smoothquant license

* Update flash_attention_patch.py

To be compatible with the new change in the Transformers library, where a new argument 'padding_mask' was added to forward function of attention layer.
https://github.com/huggingface/transformers/pull/25598

* [kernel] support pure fp16 for cpu adam and update gemini optim tests (#4921)

* [kernel] support pure fp16 for cpu adam (#4896)

* [kernel] fix cpu adam kernel for pure fp16 and update tests (#4919)

* [kernel] fix cpu adam

* [test] update gemini optim test

* [format] applied code formatting on changed files in pull request 4908 (#4918)

Co-authored-by: github-actions <[email protected]>

* [gemini] support gradient accumulation (#4869)

* add test

* fix no_sync bug in low level zero plugin

* fix test

* add argument for grad accum

* add grad accum in backward hook for gemini

* finish implementation, rewrite tests

* fix test

* skip stuck model in low level zero test

* update doc

* optimize communication & fix gradient checkpoint

* modify doc

* cleaning codes

* update cpu adam fp16 case

* [hotfix] fix torch 2.0 compatibility (#4936)

* [hotfix] fix launch

* [test] fix test gemini optim

* [shardformer] fix vit

* [test] add no master test for low level zero plugin (#4934)

* [format] applied code formatting on changed files in pull request 4820 (#4886)

Co-authored-by: github-actions <[email protected]>

* [nfc] fix some typo with colossalai/ docs/ etc. (#4920)

* [Refactor] Integrated some lightllm kernels into token-attention  (#4946)

* add some req for inference

* clean codes

* add codes

* add some lightllm deps

* clean codes

* hello

* delete rms files

* add some comments

* add comments

* add doc

* add lightllm deps

* add lightllm cahtglm2 kernels

* add lightllm cahtglm2 kernels

* replace rotary embedding with lightllm kernel

* add some commnets

* add some comments

* add some comments

* add

* replace fwd kernel att1

* fix a arg

* add

* add

* fix token attention

* add some comments

* clean codes

* modify comments

* fix readme

* fix bug

* fix bug

---------

Co-authored-by: cuiqing.li <[email protected]>
Co-authored-by: CjhHa1 <[email protected]>

* [test] merge old components to test to model zoo (#4945)

* [test] add custom models in model zoo

* [test] update legacy test

* [test] update model zoo

* [test] update gemini test

* [test] remove components to test

* [inference] add reference and fix some bugs (#4937)

* add reference and fix some bugs

* update gptq init

---------

Co-authored-by: Xu Kai <[email protected]>

* [Inference]ADD Bench Chatglm2 script (#4963)

* add bench chatglm

* fix bug and make utils

---------

Co-authored-by: CjhHa1 <cjh18671720497outlook.com>

* [Pipeline inference] Combine kvcache with pipeline inference (#4938)

* merge kvcache with pipeline inference and refactor the code structure

* support ppsize > 2

* refactor pipeline code

* do pre-commit

* modify benchmark

* fix bench mark

* polish code

* add docstring and update readme

* refactor the code

* fix some logic bug of ppinfer

* polish readme

* fix typo

* skip infer test

* updated c++17 compiler flags (#4983)

* [Inference] Dynamic Batching Inference, online and offline (#4953)

* [inference] Dynamic Batching for Single and Multiple GPUs (#4831)

* finish batch manager

* 1

* first

* fix

* fix dynamic batching

* llama infer

* finish test

* support different lengths generating

* del prints

* del prints

* fix

* fix bug

---------

Co-authored-by: CjhHa1 <cjh18671720497outlook.com>

* [inference] Async dynamic batching  (#4894)

* finish input and output logic

* add generate

* test forward

* 1

* [inference]Re push async dynamic batching (#4901)

* adapt to ray server

* finish async

* finish test

* del test

---------

Co-authored-by: yuehuayingxueluo <[email protected]>

* Revert "[inference]Re push async dynamic batching (#4901)" (#4905)

This reverts commit fbf3c09e673794ed18c91d4bab1a7dfea052e95a.

* Revert "[inference] Async dynamic batching  (#4894)"

This reverts commit fced14025043e29ce816b315f440601188f7f79f.

* Revert "[inference] Async dynamic batching  (#4894)" (#4909)

This reverts commit fced14025043e29ce816b315f440601188f7f79f.

* Add Ray Distributed Environment Init Scripts

* support DynamicBatchManager base function

* revert _set_tokenizer version

* add driver async generate

* add async test

* fix bugs in test_ray_dist.py

* add get_tokenizer.py

* fix code style

* fix bugs about No module named 'pydantic' in ci test

* fix bugs in ci test

* fix bugs in ci test

* fix bugs in ci test

* [infer]Add Ray Distributed Environment Init Scripts (#4911)

* Revert "[inference] Async dynamic batching  (#4894)"

This reverts commit fced14025043e29ce816b315f440601188f7f79f.

* Add Ray Distributed Environment Init Scripts

* support DynamicBatchManager base function

* revert _set_tokenizer version

* add driver async generate

* add async test

* fix bugs in test_ray_dist.py

* add get_tokenizer.py

* fix code style

* fix bugs about No module named 'pydantic' in ci test

* fix bugs in ci test

* fix bugs in ci test

* fix bugs in ci test

* support dynamic batch for bloom model and is_running function

* [Inference]Test for new Async engine (#4935)

* infer engine

* infer engine

* test engine

* test engine

* new manager

* change step

* add

* test

* fix

* fix

* finish test

* finish test

* finish test

* finish test

* add license

---------

Co-authored-by: yuehuayingxueluo <[email protected]>

* add assertion for config (#4947)

* [Inference] Finish dynamic batching offline test (#4948)

* test

* fix test

* fix quant

* add default

* fix

* fix some bugs

* fix some bugs

* fix

* fix bug

* fix bugs

* reset param

---------

Co-authored-by: yuehuayingxueluo <[email protected]>
Co-authored-by: Cuiqing Li <[email protected]>
Co-authored-by: CjhHa1 <cjh18671720497outlook.com>

* [Kernels]Updated Triton kernels into 2.1.0 and adding flash-decoding for llama token attention  (#4965)

* adding flash-decoding

* clean

* adding kernel

* adding flash-decoding

* add integration

* add

* adding kernel

* adding kernel

* adding triton 2.1.0 features for inference

* update bloom triton kernel

* remove useless vllm kernels

* clean codes

* fix

* adding files

* fix readme

* update llama flash-decoding

---------

Co-authored-by: cuiqing.li <[email protected]>

* fix ColossalEval (#4992)

Co-authored-by: Xu Yuanchen <[email protected]>

* [doc]Update doc for colossal-inference (#4989)

* update doc

* Update README.md

---------

Co-authored-by: cuiqing.li <[email protected]>

* [hotfix] Fix the bug where process groups were not being properly released. (#4940)

* Fix the bug where process groups were not being properly released.

* test

* Revert "test"

This reverts commit 479900c1398637310abf92eefa3cd168038ea02f.

* [hotfix] fix the bug of repeatedly storing param group (#4951)

* [doc] add supported feature diagram for hybrid parallel plugin (#4996)

* [Pipeline Inference] Merge pp with tp (#4993)

* refactor pipeline into new CaiInferEngine

* updata llama modeling forward

* merge tp with pp

* update docstring

* optimize test workflow and example

* fix typo

* add assert and todo

* [release] update version (#4995)

* [release] update version

* [hotfix] fix ci

* [gemini] gemini support tp

[gemini] gemini support tp

[gemini] gemini support tp

[gemini] gemini support tp

[gemini] gemini support tp

* fix

fix

fix

* update checkpointIO

update checkpointIO

update checkpointIO

update checkpointIO

update checkpointIO

update checkpointIO

update checkpointIO

update checkpointIO

update checkpointIO

* support fused layernorm

support fused layernorm

support fused layernorm

* update fusedlayernorm

update fusedlayernorm

update fusedlayernorm

* add sequence parallel to gemini

add sequence parallel to gemini

* fix

* fix comments

fix comments

fix comments

* fix

* fix t5

* clear cache

* fix

* activate ci

* activate ci

* fix

* fix

* fix

* fix

* revert

* modify tp gather method

modify tp gather method

modify tp gather method

modify tp gather method

* fix test

---------

Co-authored-by: Xu Kai <[email protected]>
Co-authored-by: Zian(Andy) Zheng <[email protected]>
Co-authored-by: Hongxin Liu <[email protected]>
Co-authored-by: github-actions[bot] <41898282+github-actions[bot]@users.noreply.github.com>
Co-authored-by: github-actions <[email protected]>
Co-authored-by: Baizhou Zhang <[email protected]>
Co-authored-by: Zhongkai Zhao <[email protected]>
Co-authored-by: digger yu <[email protected]>
Co-authored-by: Cuiqing Li <[email protected]>
Co-authored-by: cuiqing.li <[email protected]>
Co-authored-by: CjhHa1 <[email protected]>
Co-authored-by: Xu Kai <[email protected]>
Co-authored-by: Jianghai <[email protected]>
Co-authored-by: Bin Jia <[email protected]>
Co-authored-by: アマデウス <[email protected]>
Co-authored-by: yuehuayingxueluo <[email protected]>
Co-authored-by: Yuanchen <[email protected]>
Co-authored-by: Xu Yuanchen <[email protected]>
Co-authored-by: littsk <[email protected]>
Co-authored-by: ppt0011 <[email protected]>

* [hotfix] Suport extra_kwargs in ShardConfig (#5031)

* [refactor]: replace inference args with extra_kwargs in ShardConfig

* modify shardconfig

* polish code

* fix policy bug in llama

* fix bug in auto policy

* remove setattr in ShardConfig

* fix wrong EOS token in ColossalChat

* [Kernels]Update triton kernels into 2.1.0 (#5046)

* update flash-context-attention

* adding kernels

* fix

* reset

* add build script

* add building process

* add llama2 exmaple

* add colossal-llama2 test

* clean

* fall back test setting

* fix test file

* clean

* clean

* clean

---------

Co-authored-by: cuiqing.li <[email protected]>

* [pipeline,shardformer] Fix p2p efficiency in pipeline, allow skipping loading weight not in weight_map when `strict=False`, fix llama flash attention forward, add flop estimation by megatron in llama benchmark (#5017)

* Use p2p

* Cannot bidirectonal send p2p

* Refactor tensor creation and serialization in P2P
communication

* Fix llama forward args in flash attention

* Add flop estimate from megatron

* Support loading weight not in weight_map when strict=False in hybrid_parallel

* Use send_forward_recv_backward, etc in 1f1b

* Use dataclass for metdata
Remove torch.cuda.synchronize() as suggested

* Add comment about the torch.cuda.synchronize for potential error

* Typo

* Update hybrid_parallel_checkpoint_io.py

* Update p2p.py

* Update one_f_one_b.py

* Update p2p.py

---------

Co-authored-by: flybird11111 <[email protected]>

* [gemini] gemini support extra-dp (#5043)

* support ddp

* fix

* fix

* fix

fix

* support ddp

* fix

* fix

* fix

fix

* simplify tests

* fix

* fix

* fix

fix

fix

* fix

* [shardformer] fix llama error when transformers upgraded. (#5055)

* fix-llama

* Update llama.py

* [hotfix]: modify create_ep_hierarchical_group and add test (#5032)

* feat: modify create_ep_hierarchical_group args

* test: add ep tests

* fix: remove get_process_group_ranks

* fix: fix src_rank

* [exampe] fix llama example' loss error when using gemini plugin (#5060)

fix llama example

* [inference] Refactor inference architecture (#5057)

* [inference] support only TP (#4998)

* support only tp

* enable tp

* add support for bloom (#5008)

* [refactor] refactor gptq and smoothquant llama (#5012)

* refactor gptq and smoothquant llama

* fix import error

* fix linear import torch-int

* fix smoothquant llama import error

* fix import accelerate error

* fix bug

* fix import smooth cuda

* fix smoothcuda

* [Inference Refactor] Merge chatglm2 with pp and tp (#5023)

merge chatglm with pp and tp

* [Refactor] remove useless inference code (#5022)

* remove useless code

* fix quant model

* fix test import bug

* mv original inference legacy

* fix chatglm2

* [Refactor] refactor policy search and quant type controlling in inference (#5035)

* [Refactor] refactor policy search and quant type controling in inference

* [inference] update readme (#5051)

* update readme

* update readme

* fix architecture

* fix table

* fix table

* [inference] udpate example (#5053)

* udpate example

* fix run.sh

* fix rebase bug

* fix some errors

* update readme

* add some features

* update interface

* update readme

* update benchmark

* add requirements-infer

---------

Co-authored-by: Bin Jia <[email protected]>
Co-authored-by: Zhongkai Zhao <[email protected]>

* [Kernels]added flash-decoidng of triton (#5063)

* added flash-decoidng of triton based on lightllm kernel

* add req

* clean

* clean

* delete build.sh

---------

Co-authored-by: cuiqing.li <[email protected]>

* [misc] remove outdated submodule (#5070)

* [npu] add npu support for gemini and zero (#5067)

* [npu] setup device utils (#5047)

* [npu] add npu device support

* [npu] support low level zero

* [test] update npu zero plugin test

* [hotfix] fix import

* [test] recover tests

* [npu] gemini support npu (#5052)

* [npu] refactor device utils

* [gemini] support npu

* [example] llama2+gemini support npu

* [kernel] add arm cpu adam kernel (#5065)

* [kernel] add arm cpu adam

* [optim] update adam optimizer

* [kernel] arm cpu adam remove bf16 support

* [hotfix/hybridengine] fix bug when tp*pp size = 1 (#5069)

* [inference] update examples and engine (#5073)

* update examples and engine

* fix choices

* update example

* [format] applied code formatting on changed files in pull request 5067 (#5072)

Co-authored-by: github-actions <[email protected]>

* [hotfix/hybridengine] Fix init model with random parameters in benchmark (#5074)

* fix init model with random parameters

* fix example

* [inference] refactor examples and fix schedule (#5077)

* [setup] refactor infer setup

* [hotfix] fix infenrece behavior on 1 1 gpu

* [exmaple] refactor inference examples

* fix thrust-transform-reduce error (#5078)

* [nfc] fix typo in docs/ (#4972)

* [nfc] fix typo and author name (#5089)

* [gemini]fix gemini optimzer, saving Shardformer in Gemini got list assignment index out of range (#5085)

* [Hotfix] Fix model policy matching strategy in ShardFormer (#5064)

* hotfix/Fix get model policy strategy in ShardFormer

* fix bug in auto policy

* [shardformer]fix flash attention, when mask is casual, just don't unpad it (#5084)

* fix flash attn

* fix

fix

* [npu] add npu support for hybrid plugin and llama (#5090)

* llama 3d

* update

* fix autocast

* [Feature] Add document retrieval QA (#5020)

* add langchain

* add langchain

* Add files via upload

* add langchain

* fix style

* fix style: remove extra space

* add pytest; modified retriever

* add pytest; modified retriever

* add tests to build_on_pr.yml

* fix build_on_pr.yml

* fix build on pr; fix environ vars

* seperate unit tests for colossalqa from build from pr

* fix container setting; fix environ vars

* commented dev code

* add incremental update

* remove stale code

* fix style

* change to sha3 224

* fix retriever; fix style; add unit test for document loader

* fix ci workflow config

* fix ci workflow config

* add set cuda visible device script in ci

* fix doc string

* fix style; update readme; refactored

* add force log info

* change build on pr, ignore colossalqa

* fix docstring, captitalize all initial letters

* fix indexing; fix text-splitter

* remove debug code, update reference

* reset previous commit

* update LICENSE update README add key-value mode, fix bugs

* add files back

* revert force push

* remove junk file

* add test files

* fix retriever bug, add intent classification

* change conversation chain design

* rewrite prompt and conversation chain

* add ui v1

* ui v1

* fix atavar

* add header

* Refactor the RAG Code and support Pangu

* Refactor the ColossalQA chain to Object-Oriented Programming and the UI demo.

* resolved conversation. tested scripts under examples. web demo still buggy

* fix ci tests

* Some modifications to add ChatGPT api

* modify llm.py and remove unnecessary files

* Delete applications/ColossalQA/examples/ui/test_frontend_input.json

* Remove OpenAI api key

* add colossalqa

* move files

* move files

* move files

* move files

* fix style

* Add Readme and fix some bugs.

* Add something to readme and modify some code

* modify a directory name for clarity

* remove redundant directory

* Correct a type in  llm.py

* fix AI prefix

* fix test_memory.py

* fix conversation

* fix some erros and typos

* Fix a missing import in RAG_ChatBot.py

* add colossalcloud LLM wrapper, correct issues in code review

---------

Co-authored-by: YeAnbang <[email protected]>
Co-authored-by: Orion-Zheng <[email protected]>
Co-authored-by: Zian(Andy) Zheng <[email protected]>
Co-authored-by: Orion-Zheng <[email protected]>

* remove duplicate import (#5100)

* fix typo change lazy_iniy to lazy_init (#5099)

* [nfc] fix typo change directoty to directory (#5111)

* [FEATURE] Add Safety Eval Datasets to ColossalEval (#5095)

* add safetybench and cvalues(responsibility) eval dataset

* Modify code according to review suggestions

---------

Co-authored-by: Orion-Zheng <[email protected]>

* [hotfix] fixed memory usage of shardformer module replacement (#5122)

* [shardformer]: support gpt-j, falcon, Mistral and add interleaved pipeline for bert (#5088)

* [shardformer] implement policy for all GPT-J models and test

* [shardformer] support interleaved pipeline parallel for bert finetune

* [shardformer] shardformer support falcon (#4883)

* [shardformer]: fix interleaved pipeline for bert model (#5048)

* [hotfix]: disable seq parallel for gptj and falcon, and polish code (#5093)

* Add Mistral support for Shardformer (#5103)

* [shardformer] add tests to mistral (#5105)

---------

Co-authored-by: Pengtai Xu <[email protected]>
Co-authored-by: ppt0011 <[email protected]>
Co-authored-by: flybird11111 <[email protected]>
Co-authored-by: eric8607242 <[email protected]>

* [doc] add moe news (#5128)

* [doc] add moe news

* [doc] add moe news

* [doc] add moe news

* [doc] updated paper citation (#5131)

* fix typo change JOSNL TO JSONL etc. (#5116)

* [format] applied code formatting on changed files in pull request 5088 (#5127)

Co-authored-by: github-actions <[email protected]>

* [format] applied code formatting on changed files in pull request 5124 (#5125)

Co-authored-by: github-actions <[email protected]>

* [format] applied code formatting on changed files in pull request 5115 (#5118)

Co-authored-by: github-actions <[email protected]>

* [accelerator] init the accelerator module (#5129)

* [accelerator] init the accelerator module

* polish code

* polish code

* polish code

* polish code

* [npu] support triangle attention for llama (#5130)

* update fused attn

* update spda

* tri attn

* update triangle

* import

* fix

* fix

* [plugin]fix 3d checkpoint load when booster boost without optimizer. (#5135)

* fix 3d checkpoint load when booster boost without optimizer

fix 3d checkpoint load when booster boost without optimizer

* test ci

* revert ci

* fix

fix

* [ColossalQA] refactor server and webui & add new feature (#5138)

* refactor server and webui & add new feature

* add requirements

* modify readme and ui

* [doc] fix colossalqa document (#5146)

* fix doc

* modify doc

* fix (#5158)

fix

* [Colossal-Llama-2] Add finetuning Colossal-Llama-2 example (#4878)

* Add finetuning Colossal-Llama-2 example

* Add finetuning Colossal-Llama-2 example 2

* Add finetuning Colossal-Llama-2 example and support NEFTuning

* Add inference example and refine neftune

* Modify readme file

* update the imports

---------

Co-authored-by: Xu Yuanchen <[email protected]>
Co-authored-by: Camille Zhong <[email protected]>

* [gemini]  hotfix NaN loss while using Gemini + tensor_parallel (#5150)

* fix

aaa

fix

fix

fix

* fix

* fix

* test ci

* fix ci

fix

* [colossalqa] fix pangu api (#5170)

* fix pangu api

* add comment

* [ColossalEval] Support GSM, Data Leakage Evaluation and Tensor Parallel (#5169)

* Support GSM, Data Leakage Evaluation and Tensor Parallel

* remove redundant code and update inference.py in examples/gpt_evaluation

---------

Co-authored-by: Xu Yuanchen <[email protected]>

* [shardformer] llama support DistCrossEntropy (#5176)

* fix

aaa

fix

fix

fix

* fix

* fix

* test ci

* fix ci

fix

* llama support dist-cross

fix

fix

fix

fix

fix

fix

fix

fix

* fix

* fix

* fix

fix

* test ci

* test ci

* fix

* [Colossal-Llama-2] Add finetuning Colossal-Llama-2 example (#4878)

* Add finetuning Colossal-Llama-2 example

* Add finetuning Colossal-Llama-2 example 2

* Add finetuning Colossal-Llama-2 example and support NEFTuning

* Add inference example and refine neftune

* Modify readme file

* update the imports

---------

Co-authored-by: Xu Yuanchen <[email protected]>
Co-authored-by: Camille Zhong <[email protected]>

* llama support dist-cross

fix

fix

fix

fix

fix

fix

fix

fix

* fix

* fix

* fix

fix

* test ci

* test ci

* fix

* fix ci

* fix ci

---------

Co-authored-by: Yuanchen <[email protected]>
Co-authored-by: Xu Yuanchen <[email protected]>
Co-authored-by: Camille Zhong <[email protected]>

* Fix ColossalEval (#5186)

Co-authored-by: Xu Yuanchen <[email protected]>

* [doc] update pytorch version in documents. (#5177)

* fix

aaa

fix

fix

fix

* fix

* fix

* test ci

* fix ci

fix

* update pytorch version in documents

* polish readme in application/chat (#5194)

* [pipeline]: fix p2p comm, add metadata cache and support llama interleaved pp (#5134)

* test: add more p2p tests

* fix: remove send_forward_recv_forward as p2p op list need to use the same group

* fix: make send and receive atomic

* feat: update P2PComm fn

* feat: add metadata cache in 1f1b

* feat: add metadata cache in interleaved pp

* feat: modify is_xx_stage fn

* revert: add _broadcast_object_list

* feat: add interleaved pp in llama policy

* feat: set NCCL_BUFFSIZE in HybridParallelPlugin

* Improve logic for selecting metrics (#5196)

Co-authored-by: Xu <[email protected]>

* [doc] Update required third-party library list for testing and torch comptibility checking (#5207)

* doc/update requirements-test.txt

* update torch-cuda compatibility check

* support linear accumulation fusion (#5199)

support linear accumulation fusion

support linear accumulation fusion

fix

* [pipeline]: support arbitrary batch size in forward_only mode (#5201)

* fix: remove drop last in val & test dataloader

* feat: add run_forward_only, support arbitrary bs

* chore: modify ci script

* [pipeline]: add p2p fallback order and fix interleaved pp deadlock (#5214)

* fix: add fallback order option and update 1f1b

* fix: fix deadlock comm in interleaved pp

* test: modify p2p test

* [devops] update torch versoin in ci (#5217)

* fix-test (#5210)

fix-test

fix-test

* fix flash attn (#5209)

* [nfc] fix typo colossalai/shardformer/ (#5133)

* [Colossal-LLaMA-2] Release Colossal-LLaMA-2-13b-base model (#5224)

* update readme

* update readme

* update link

* update

* update readme

* update

* update

* update

* update title

* update example

* update example

* fix content

* add conclusion

* add license

* update

* update

* update version

* fix minor

* [doc] Update README.md of Colossal-LLAMA2 (#5233)

* Update README.md

* Update README.md

* [doc] Make leaderboard format more uniform and good-looking (#5231)

* Make leaderboard format more unifeid and good-looking

* Update README.md

* Update README.md

* [doc] add Colossal-LLaMA-2-13B (#5234)

* [doc] add Colossal-LLaMA-2-13B

* [doc] add Colossal-LLaMA-2-13B

* [doc] add Colossal-LLaMA-2-13B

* [format] applied code formatting on changed files in pull request 5234 (#5235)

Co-authored-by: github-actions <[email protected]>

* [doc] SwiftInfer release (#5236)

* [doc] SwiftInfer release

* [doc] SwiftInfer release

* [doc] SwiftInfer release

* [doc] SwiftInfer release

* [doc] SwiftInfer release

* [npu] use extension for op builder (#5172)

* update extension

* update cpu adam

* update is

* add doc for cpu adam

* update kernel

* update commit

* update flash

* update memory efficient

* update flash attn

* update flash attention loader

* update api

* fix

* update doc

* update example time limit

* reverse change

* fix doc

* remove useless kernel

* fix

* not use warning

* update

* update

* [pipeline] A more general _communicate in p2p (#5062)

* A more general _communicate

* feat: finish tree_flatten version p2p

* fix: update p2p api calls

---------

Co-authored-by: Wenhao Chen <[email protected]>

* [npu] change device to accelerator api (#5239)

* update accelerator

* fix timer

* fix amp

* update

* fix

* update bug

* add error raise

* fix autocast

* fix set device

* remove doc accelerator

* update doc

* update doc

* update doc

* use nullcontext

* update cpu

* update null context

* change time limit for example

* udpate

* update

* update

* update

* [npu] polish accelerator code

---------

Co-authored-by: Xuanlei Zhao <[email protected]>
Co-authored-by: zxl <[email protected]>

* [hotfix] removed unused flag (#5242)

* [doc] fix typo in Colossal-LLaMA-2/README.md (#5247)

* [workflow] fixed build CI (#5240)

* [workflow] fixed build CI

* polish

* polish

* polish

* polish

* polish

* [ci] fixed booster test (#5251)

* [ci] fixed booster test

* [ci] fixed booster test

* [ci] fixed booster test

* [ci] fixed ddp test (#5254)

* [ci] fixed ddp test

* polish

* fix typo in  applications/ColossalEval/README.md (#5250)

* [ci] fix shardformer tests. (#5255)

* fix ci

fix

* revert: revert p2p

* feat: add enable_metadata_cache option

* revert: enable t5 tests

---------

Co-authored-by: Wenhao Chen <[email protected]>

* [doc] fix doc typo (#5256)

* [doc] fix annotation display

* [doc] fix llama2 doc

* [hotfix]: add pp sanity check and fix mbs arg (#5268)

* fix: fix misleading mbs arg

* feat: add pp sanity check

* fix: fix 1f1b sanity check

* [workflow] fixed incomplete bash command (#5272)

* [workflow] fixed oom tests (#5275)

* [workflow] fixed oom tests

* polish

* polish

* polish

* [ci] fix test_hybrid_parallel_plugin_checkpoint_io.py (#5276)

* fix ci

fix

* fix test

* revert: revert p2p

* feat: add enable_metadata_cache option

* revert: enable t5 tests

* fix

---------

Co-authored-by: Wenhao Chen <[email protected]>

* [shardformer] hybridparallelplugin support gradients accumulation. (#5246)

* support gradients acc

fix

fix

fix

fix

fix

fix

fix

fix

fix

fix

fix

fix

fix

* fix

fix

* fix

fix

fix

* [hotfix] Fix ShardFormer test execution path when using sequence parallelism (#5230)

* fix auto loading gpt2 tokenizer (#5279)

* [doc] add llama2-13B disyplay (#5285)

* Update README.md

* fix 13b typo

---------

Co-authored-by: binmakeswell <[email protected]>

* fix llama pretrain (#5287)

* [hotfix] fix 3d plugin test (#5292)

* fix bug for mefture (#5299)

* [NFC] polish applications/Colossal-LLaMA-2/colossal_llama2/tokenizer/init_tokenizer.py code style (#5228)

* fix some typo (#5307)

* [feat] refactored extension module (#5298)

* [feat] refactored extension module

* polish

* polish

* polish

* polish

* polish

* polish

* polish

* polish

* polish

* polish

* [workflow] updated CI image (#5318)

* [accelerator] fixed npu api

* [tests] fix t5 test. (#5322)

* [ci] fix shardformer tests. (#5255)

* fix ci

fix

* revert: revert p2p

* feat: add enable_metadata_cache option

* revert: enable t5 tests

---------

Co-authored-by: Wenhao Chen <[email protected]>

* fix t5 test

---------

Co-authored-by: Wenhao Chen <[email protected]>

* [doc] added docs for extensions (#5324)

* [doc] added docs for extensions

* polish

* polish

* fix typo under extensions/ (#5330)

* fix typo change dosen't to doesn't (#5308)

* [extension] fixed exception catch (#5342)

* [Chat] fix sft loss nan (#5345)

* fix script

* fix script

* fix chat nan

* fix chat nan

* [checkpointio] fix gemini and hybrid parallel optim checkpoint (#5347)

* [checkpointio] fix hybrid parallel optim checkpoint

* [extension] fix cuda extension

* [checkpointio] fix gemini optimizer checkpoint

* polish code

* [fix] remove unnecessary dp_size assert  (#5351)

* fix: remove unnecessary assert

* test: add more 3d plugin tests

* fix: add warning

* [gemini] fix param op hook when output is tuple (#5355)

* [gemini] fix param op hook when output is tuple

* [gemini] fix param op hook

* [llama] fix dataloader for hybrid parallel (#5358)

* [plugin] refactor prepare dataloader

* [plugin] update train script

* [llama] update training script (#5360)

* [llama] update training script

* [doc] polish docstr

* [llama] add flash attn patch for npu (#5362)

* [llama] fix neftune & pbar with start_step (#5364)

* [eval] update llama npu eval (#5366)

* [llama] polish training script and fix optim ckpt (#5368)

* [lr-scheduler] fix load state dict and add test (#5369)

* [llama] fix memory issue (#5371)

* [llama] fix memory issue

* [llama] add comment

* [moe] init mixtral impl

* [moe] update capacity computing (#5253)

* [moe] top2 allow uneven input

* [moe] update capacity computing

* [moe] remove debug info

* [moe] update capacity computing

* [moe] update capacity computing

* [moe] support mixtral (#5309)

* [moe] add mixtral block for single expert

* [moe] mixtral block fwd support uneven ep

* [moe] mixtral block bwd support uneven ep

* [moe] add mixtral moe layer

* [moe] simplify replace

* [meo] support save sharded mixtral

* [meo] support load sharded mixtral

* [meo] support save sharded optim

* [meo] integrate moe manager into plug

* [meo] fix optimizer load

* [meo] fix mixtral layer

* [moe] fix mixtral checkpoint io (#5314)

* [moe] fix mixtral forward default value (#5329)

* [moe] fix mixtral optim checkpoint (#5344)

* [moe] fix tests

* [release] update version (#5380)

* [llama] fix training and inference scripts (#5384)

* [llama] refactor inference example to fit sft

* [llama] fix training script to fit gemini

* [llama] fix inference script

* [doc] Fix typo (#5361)

* [doc] updated installation command (#5389)

* [hotfix] fix variable type for top_p (#5313)

Co-authored-by: binmakeswell <[email protected]>

* [hotfix] Fix wrong import in meta_registry (#5392)

* [extension] hotfix jit extension setup (#5402)

* [example] reuse flash attn patch (#5400)

* [fsdp] impl save/load shard model/optimizer (#5357)

* [setup] fixed nightly release (#5388)

* [shardformer]gather llama logits (#5398)

* gather llama logits

* fix

* update requirements (#5407)

* [workflow] added pypi channel (#5412)

* [doc] fix blog link

* [doc] fix blog link

* fix sft single turn inference example (#5416)

* [example]add gpt2 benchmark example script. (#5295)

* benchmark gpt2

* fix

fix

fix

fix

* [doc] fix typo in Colossal-LLaMA-2/README.md (#5247)

* [workflow] fixed build CI (#5240)

* [workflow] fixed build CI

* polish

* polish

* polish

* polish

* polish

* [ci] fixed booster test (#5251)

* [ci] fixed booster test

* [ci] fixed booster test

* [ci] fixed booster test

* [ci] fixed ddp test (#5254)

* [ci] fixed ddp test

* polish

* fix typo in  applications/ColossalEval/README.md (#5250)

* [ci] fix shardformer tests. (#5255)

* fix ci

fix

* revert: revert p2p

* feat: add enable_metadata_cache option

* revert: enable t5 tests

---------

Co-authored-by: Wenhao Chen <[email protected]>

* [doc] fix doc typo (#5256)

* [doc] fix annotation display

* [doc] fix llama2 doc

* [hotfix]: add pp sanity check and fix mbs arg (#5268)

* fix: fix misleading mbs arg

* feat: add pp sanity check

* fix: fix 1f1b sanity check

* [workflow] fixed incomplete bash command (#5272)

* [workflow] fixed oom tests (#5275)

* [workflow] fixed oom tests

* polish

* polish

* polish

* [ci] fix test_hybrid_parallel_plugin_checkpoint_io.py (#5276)

* fix ci

fix

* fix test

* revert: revert p2p

* feat: add enable_metadata_cache option

* revert: enable t5 tests

* fix

---------

Co-authored-by: Wenhao Chen <[email protected]>

* [shardformer] hybridparallelplugin support gradients accumulation. (#5246)

* support gradients acc

fix

fix

fix

fix

fix

fix

fix

fix

fix

fix

fix

fix

fix

* fix

fix

* fix

fix

fix

* [hotfix] Fix ShardFormer test execution path when using sequence parallelism (#5230)

* fix auto loading gpt2 tokenizer (#5279)

* [doc] add llama2-13B disyplay (#5285)

* Update README.md

* fix 13b typo

---------

Co-authored-by: binmakeswell <[email protected]>

* fix llama pretrain (#5287)

* fix

* fix

* fix

fix

* fix

fix

fix

* fix

fix

* benchmark gpt2

* fix

fix

fix

fix

* [workflow] fixed build CI (#5240)

* [workflow] fixed build CI

* polish

* polish

* polish

* polish

* polish

* [ci] fixed booster test (#5251)

* [ci] fixed booster test

* [ci] fixed booster test

* [ci] fixed booster test

* fix

fix

* fix

fix

fix

* fix

* fix

fix

fix

fix

fix

* fix

* Update shardformer.py

---------

Co-authored-by: digger yu <[email protected]>
Co-authored-by: Frank Lee <[email protected]>
Co-authored-by: Wenhao Chen <[email protected]>
Co-authored-by: binmakeswell <[email protected]>
Co-authored-by: Zhongkai Zhao <[email protected]>
Co-authored-by: Michelle <[email protected]>
Co-authored-by: Desperado-Jia <[email protected]>

* [doc] sora release (#5425)

* [doc] sora release

* [doc] sora release

* [doc] sora release

* [doc] sora release

* [devops] fix extention building (#5427)

* [hotfix] fix sd vit import error (#5420)

* fix import error

* Update dpt_depth.py

---------

Co-authored-by: binmakeswell <[email protected]>

* [hotfix] fix typo of openmoe model source (#5403)

* [doc] update some translations with README-zh-Hans.md (#5382)

* [hotfix] fix typo change _descrption to _description (#5331)

* [hotfix] fix typo change enabel to enable under colossalai/shardformer/ (#5317)

* [eval-hotfix] set few_shot_data to None when few shot is disabled (#5422)

* [hotfix] fix typo change MoECheckpintIO to MoECheckpointIO (#5335)

Co-authored-by: binmakeswell <[email protected]>

* [doc] Fix typo s/infered/inferred/ (#5288)

Signed-off-by: hugo-syn <[email protected]>

* [hotfix] fix stable diffusion inference bug. (#5289)

* Update train_ddp.yaml

delete  "strategy" to fix DDP config loading bug in "main.py"

* Update train_ddp.yaml

fix inference with scripts/txt2img.py config file load bug.

* Update README.md

add pretrain model test code.

* [colossal-llama2] add stream chat examlple for chat version model (#5428)

* add stream chat for chat version

* remove os.system clear

* modify function name

* [release] update version (#5411)

* fix tensor data update for gemini loss caluculation (#5442)

* [hotfix] fix typo s/keywrods/keywords etc. (#5429)

* [devops] fix compatibility (#5444)

* [devops] fix compatibility

* [hotfix] update compatibility test on pr

* [devops] fix compatibility

* [devops] record duration during comp test

* [test] decrease test duration

* fix falcon

* [shardformer] fix gathering output when using tensor parallelism (#5431)

* fix

* padding vocab_size when using pipeline parallellism

padding vocab_size when using pipeline parallellism

fix

fix

* fix

* fix

fix

fix

* fix gather output

* fix

* fix

* fix

fix resize embedding

fix resize embedding

* fix resize embedding

fix

* revert

* revert

* revert

* [doc] release Open-Sora 1.0 with model weights (#5468)

* [doc] release Open-Sora 1.0 with model weights

* [doc] release Open-Sora 1.0 with model weights

* [doc] release Open-Sora 1.0 with model weights

* [doc] update open-sora demo (#5479)

* [doc] update open-sora demo

* [doc] update open-sora demo

* [doc] update open-sora demo

* [example] add grok-1 inference (#5485)

* [misc] add submodule

* remove submodule

* [example] support grok-1 tp inference

* [example] add grok-1 inference script

* [example] refactor code

* [example] add grok-1 readme

* [exmaple] add test ci

* [exmaple] update readme

* [release] grok-1 314b inference (#5490)

* [release] grok-1 inference

* [release] grok-1 inference

* [release] grok-1 inference

* [example] update Grok-1 inference (#5495)

* revise grok-1 example

* remove unused arg in scripts

* prevent re-installing torch

* update readme

* revert modifying colossalai requirements

* add perf

* trivial

* add tokenizer url

* [hotfix] set return_outputs=False in examples and polish code (#5404)

* fix: simplify merge_batch

* fix: use return_outputs=False to eliminate extra memory consumption

* feat: add return_outputs warning

* style: remove `return_outputs=False` as it is the default value

* [release] grok-1 inference benchmark (#5500)

* [release] grok-1 inference benchmark

* [release] grok-1 inference benchmark

* [release] grok-1 inference benchmark

* [release] grok-1 inference benchmark

* [release] grok-1 inference benchmark

* [shardformer]Fix lm parallel. (#5480)

* fix

* padding vocab_size when using pipeline parallellism

padding vocab_size when using pipeline parallellism

fix

fix

* fix

* fix

fix

fix

* fix gather output

* fix

* fix

* fix

fix resize embedding

fix resize embedding

* fix resize embedding

fix

* revert

* revert

* revert

* fix lm forward distribution

* fix

* test ci

* fix

* [fix] fix grok-1 example typo (#5506)

* [devops] fix example test ci (#5504)

* Fix ColoTensorSpec for py11 (#5440)

* fixed layout converter caching and updated tester

* Empty-Commit

* [shardformer] update colo attention to support custom mask (#5510)

* [feature] refactor colo attention (#5462)

* [extension] update api

* [feature] add colo attention

* [feature] update sdpa

* [feature] update npu attention

* [feature] update flash-attn

* [test] add flash attn test

* [test] update flash attn test

* [shardformer] update modeling to fit colo attention (#5465)

* [misc] refactor folder structure

* [shardformer] update llama flash-attn

* [shardformer] fix llama policy

* [devops] update tensornvme install

* [test] update llama test

* [shardformer] update colo attn kernel dispatch

* [shardformer] update blip2

* [shardformer] update chatglm

* [shardformer] update gpt2

* [shardformer] update gptj

* [shardformer] update opt

* [shardformer] update vit

* [shardformer] update colo attention mask prep

* [shardformer] update whisper

* [test] fix shardformer tests (#5514)

* [test] fix shardformer tests

* [test] fix shardformer tests

* [format] applied code formatting on changed files in pull request 5510 (#5517)

Co-authored-by: github-actions <[email protected]>

* [shardformer] fix pipeline forward error if custom layer distribution is used (#5189)

* Use self.[distribute_layers|get_stage_index] to exploit custom layer distribution

* Change static methods for t5 layer distribution to member functions

* Change static methods for whisper layer distribution to member functions

* Replace whisper policy usage with self one

* Fix test case to use non-static layer distribution methods

* fix: fix typo

---------

Co-authored-by: Wenhao Chen <[email protected]>

* [Fix] Grok-1 use tokenizer from the same pretrained path (#5532)

* [fix] use tokenizer from the same pretrained path

* trust remote code

* [ColossalChat] Update RLHF V2 (#5286)

* Add dpo. Fix sft, ppo, lora. Refactor all

* fix and tested ppo

* 2 nd round refactor

* add ci tests

* fix ci

* fix ci

* fix readme, style

* fix readme style

* fix style, fix benchmark

* reproduce benchmark result, remove useless files

* rename to ColossalChat

* use new image

* fix ci workflow

* fix ci

* use local model/tokenizer for ci tests

* fix ci

* fix ci

* fix ci

* fix ci timeout

* fix rm progress bar. fix ci timeout

* fix ci

* fix ci typo

* remove 3d plugin from ci temporary

* test environment

* cannot save optimizer

* support chat template

* fix readme

* fix path

* test ci locally

* restore build_or_pr

* fix ci data path

* fix benchmark

* fix ci, move ci tests to 3080, disable fast tokenizer

* move ci to 85

* support flash attention 2

* add all-in-one data preparation script. Fix colossal-llama2-chat chat template

* add hardware requirements

* move ci test data

* fix save_model, add unwrap

* fix missing bos

* fix missing bos; support grad accumulation with gemini

* fix ci

* fix ci

* fix ci

* fix llama2 chat template config

* debug sft

* debug sft

* fix colossalai version requirement

* fix ci

* add sanity check to prevent NaN loss

* fix requirements

* add dummy data generation script

* add dummy data generation script

* add dummy data generation script

* add dummy data generation script

* update readme

* update readme

* update readme and ignore

* fix logger bug

* support parallel_output

* modify data preparation logic

* fix tokenization

* update lr

* fix inference

* run pre-commit

---------

Co-authored-by: Tong Li <[email protected]>

* [shardformer, pipeline] add `gradient_checkpointing_ratio` and heterogenous shard policy for llama (#5508)

* feat: add `GradientCheckpointConfig` and `PipelineGradientCheckpointConfig`

* feat: apply `GradientCheckpointConfig` to policy and llama_forward

* feat: move `distribute_layer` and `get_stage_index` to PipelineStageManager

* fix: add optional args for `distribute_layer` and `get_stage_index`

* fix: fix changed API calls

* test: update llama tests

* style: polish `GradientCheckpointConfig`

* fix: fix pipeline utils tests

* fix incorrect sharding without zero (#5545)

Co-authored-by: Edenzzzz <[email protected]>

* [shardformer] Sequence Parallelism Optimization (#5533)

* sequence parallel optimization

* validate sequence parallel in llama (code to be polished)

* shardformer api writing

* integrate sequence parallel in ShardFormer

* fix pp bugs and sp bugs for LlaMa model

* integrating ring-based sequence parallelism into ShardFormer

* [sequence parallelism]: Add fused megatron function

* integrating ring-based sequence parallelism into ShardFormer

---------

Co-authored-by: linsj20 <[email protected]>

* fix bugs when useing sp and flashattention together

* fix operation function name

* support flash attention for ulysses-style sp

* clarify sp process group

* fix compatibility bugs in moe plugin

* fix fused linear bugs

* fix linear layer test

* support gpt model all-to-all sp

* modify shard data dimension (meant to be dim=-1)

* support megtron-style sp and distributed attn for llama model

* [shardformer] add megatron sp to llama

* support llama7B 128k with distributed attention

* [shardformer] robustness enhancement

* add block attn

* sp mode 1: keep input as a complete sequence

* fix sp compatability

* finish sp mode 3 support for gpt

* using all_to_all_single when batch size is 1

* support mode 2 sp in gpt2 (#5)

* [shardformer] add megatron sp to llama

* support llama7B 128k with distributed attention

* [shardformer] robustness enhancement

* add block attn

* sp mode 1: keep input as a complete sequence

* fix sp compatability

* refactor ring implementation

* support mode 2 sp in gpt2

* polish code

* enable distributed attn mask when using sp mode 2 and 3 in llama

* automatically enable flash attn when using sp mode 2 and 3 in llama

* inplace attn mask

* add zero2 support for sequence parallel

* polish code

* fix bugs

* fix gemini checkpoint io

* loose tensor checking atol and rtol

* add comment

* fix llama layernorm grad

* fix zero grad

* fix zero grad

* fix conflict

* update split and gather auto grad func

* sequence parallel: inside text split (#6)

* polish code (part 1)

* polish code (part 2)

* polish code (part 2.5)

* polish code (part 3)

* sequence parallel: inside text split

* miscellaneous minor fixes

* polish code

* fix ulysses style ZeRO

* sequence parallel: inside text split

* miscellaneous minor fixes

* disaggregate sp group and dp group for  sp

* fix llama and gpt sp

* polish code

* move ulysses grad sync to ddp (#9)

* remove zero_stage and unbind the grad sync for alltoall sp

* add 2d group creation test

* move ulysses grad sync to ddp

* add 2d group creation test

* remove useless code

* change shard config not to enable sp when enable_all_optimizations

* add sp warnings for several model

* remove useless code

---------

Co-authored-by: linsj20 <[email protected]>

* [hotfix] quick fixes to make legacy tutorials runnable (#5559)

Co-authored-by: Edenzzzz <[email protected]>

* [fix] fix typo s/muiti-node /multi-node etc. (#5448)

* [hotfix] fix typo s/get_defualt_parser /get_default_parser (#5548)

* [devops] remove post commit ci (#5566)

* [devops] remove post commit ci

* [misc] run pre-commit on all files

* [pre-commit.ci] auto fixes from pre-commit.com hooks

for more information, see https://pre-commit.ci

---------

Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>

* [doc] fix ColossalMoE readme (#5599)

* fix readme

* [pre-commit.ci] auto fixes from pre-commit.com hooks

for more information, see https://pre-commit.ci

---------

Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>

* [zero] support multiple (partial) backward passes (#5596)

* [zero] support multiple (partial) backward passes

* [misc] update requirements

* [shardformer] refactor embedding resize (#5603)

* [branch rebase] rebase main to Feature/resize_embedding (#5554)

* fix

* [release] update version (#5411)

* [hotfix] fix typo s/keywrods/keywords etc. (#5429)

* [devops] fix compatibility (#5444)

* [devops] fix compatibility

* [hotfix] update compatibility test on pr

* [devops] fix compatibility

* [devops] record duration during comp test

* [test] decrease test duration

* fix falcon

* [shardformer] fix gathering output when using tensor parallelism (#5431)

* fix

* padding vocab_size when using pipeline parallellism

padding vocab_size when using pipeline parallellism

fix

fix

* fix

* fix

fix

fix

* fix gather output

* fix

* fix

* fix

fix resize embedding

fix resize embedding

* fix resize embedding

fix

* revert

* revert

* revert

* [doc] release Open-Sora 1.0 with model weights (#5468)

* [doc] release Open-Sora 1.0 with model weights

* [doc] release Open-Sora 1.0 with model weights

* [doc] release Open-Sora 1.0 with model weights

* [doc] update open-sora demo (#5479)

* [doc] update open-sora demo

* [doc] update open-sora demo

* [doc] update open-sora demo

* [example] add grok-1 inference (#5485)

* [misc] add submodule

* remove submodule

* [example] support grok-1 tp inference

* [example] add grok-1 inference script

* [example] refactor code

* [example] add grok-1 readme

* [exmaple] add test ci

* [exmaple] update readme

---------

Co-authored-by: Hongxin Liu <[email protected]>
Co-authored-by: digger yu <[email protected]>
Co-authored-by: binmakeswell <[email protected]>

* [CI] run pre-commit (#5577)

* fix

* [release] update version (#5411)

* [hotfix] fix typo s/keywrods/keywords etc. (#5429)

* [devops] fix compatibility (#5444)

* [devops] fix compatibility

* [hotfix] update compatibility test on pr

* [devops] fix compatibility

* [devops] record duration during comp test

* [test] decrease test duration

* fix falcon

* [shardformer] fix gathering output when using tensor parallelism (#5431)

* fix

* padding vocab_size when using pipeline parallellism

padding vocab_size when using pipeline parallellism

fix

fix

* fix

* fix

fix

fix

* fix gather output

* fix

* fix

* fix

fix resize embedding

fix resize embedding

* fix resize embedding

fix

* revert

* revert

* revert

* [doc] release Open-Sora 1.0 with model weights (#5468)

* [doc] release Open-Sora 1.0 with model weights

* [doc] release Open-Sora 1.0 with model weights

* [doc] release Open-Sora 1.0 with model weights

* [doc] update open-sora demo (#5479)

* [doc] update open-sora demo

* [doc] update open-sora demo

* [doc] update open-sora demo

* [example] add grok-1 inference (#5485)

* [misc] add submodule

* remove submodule

* [example] support grok-1 tp inference

* [example] add grok-1 inference script

* [example] refactor code

* [example] add grok-1 readme

* [exmaple] add test ci

* [exmaple] update readme

* run pre-commit

---------

Co-authored-by: Hongxin Liu <[email protected]>
Co-authored-by: digger yu <[email protected]>
Co-authored-by: binmakeswell <[email protected]>

* [rebase] rebase main to resize-embedding (#5581)

* [release] grok-1 314b inference (#5490)

* [release] grok-1 inference

* [release] grok-1 inference

* [release] grok-1 inference

* [example] update Grok-1 inference (#5495)

* revise grok-1 example

* remove unused arg in scripts

* prevent re-installing torch

* update readme

* revert modifying colossalai requirements

* add perf

* trivial

* add tokenizer url

* [hotfix] set return_outputs=False in examples and polish code (#5404)

* fix: simplify merge_batch

* fix: use return_outputs=False to eliminate extra memory consumption

* feat: add return_outputs warning

* style: remove `return_outputs=False` as it is the default value

* [release] grok-1 inference benchmark (#5500)

* [release] grok-1 inference benchmark

* [release] grok-1 inference benchmark

* [release] grok-1 inference benchmark

* [release] grok-1 inference benchmark

* [release] grok-1 inference benchmark

* [shardformer]Fix lm parallel. (#5480)

* fix

* padding vocab_size when using pipeline parallellism

padding vocab_size when using pipeline parallellism

fix

fix

* fix

* fix

fix

fix

* fix gather output

* fix

* fix

* fix

fix resize embedding

fix resize embedding

* fix resize embedding

fix

* revert

* revert

* revert

* fix lm forward distribution

* fix

* test ci

* fix

* [fix] fix grok-1 example typo (#5506)

* [devops] fix example test ci (#5504)

* Fix ColoTensorSpec for py11 (#5440)

* fixed layout converter caching and updated tester

* Empty-Commit

* [shardformer] update colo attention to support custom mask (#5510)

* [feature] refactor colo attention (#5462)

* [extension] update api

* [feature] add colo attention

* [feature] update sdpa

* [feature] update npu attention

* [feature] update flash-attn

* [test] add flash attn test

* [test] update flash attn test

* [shardformer] update modeling to fit colo attention (#5465)

* [misc] refactor folder structure

* [shardformer] update llama flash-attn

* [shardformer] fix llama policy

* [devops] update tensornvme install

* [test] update llama test

* [shardformer] update colo attn kernel dispatch

* [shardformer] update blip2

* [shardformer] update chatglm

* [shardformer] update gpt2

* [shardformer] update gptj

* [shardformer] update opt

* [shardformer] update vit

* [shardformer] update colo attention mask prep

* [shardformer] update whisper

* [test] fix shardformer tests (#5514)

* [test] fix shardformer tests

* [test] fix shardformer tests

* [format] applied code formatting on changed files in pull request 5510 (#5517)

Co-authored-by: github-actions <[email protected]>

* [shardformer] fix pipeline forward error if custom layer distribution is used (#5189)

* Use self.[distribute_layers|get_stage_index] to exploit custom layer distribution

* Change static methods for t5 layer distribution to member functions

* Change static methods for whisper layer distribution to member functions

* Replace whisper policy usage with self one

* Fix test case to use non-static layer distribution methods

* fix: fix typo

---------

Co-authored-by: Wenhao Chen <[email protected]>

* [Fix] Grok-1 use tokenizer from the same pretrained path (#5532)

* [fix] use tokenizer from the same pretrained path

* trust remote code

* [ColossalChat] Update RLHF V2 (#5286)

* Add dpo. Fix sft, ppo, lora. Refactor all

* fix and tested ppo

* 2 nd round refactor

* add ci tests

* fix ci

* fix ci

* fix readme, style

* fix readme style

* fix style, fix benchmark

* reproduce benchmark result, remove useless files

* rename to ColossalChat

* use new image

* fix ci workflow

* fix ci

* use local model/tokenizer for ci tes…
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment

Labels

None yet

Projects

None yet

Development

Successfully merging this pull request may close these issues.

2 participants