├── .github └── workflows │ └── formatting.yml ├── .gitignore ├── .gitmodules ├── .pre-commit-config.yaml ├── CODEOWNERS ├── CODE_OF_CONDUCT.md ├── LICENSE ├── README.md ├── SECURITY.md ├── applications ├── DeepSpeed-Chat │ ├── .gitignore │ ├── README.md │ ├── assets │ │ ├── image │ │ │ ├── 1.3B-breakdown.png │ │ │ ├── Banner-benchmark.png │ │ │ ├── RLHF.png │ │ │ ├── democrat2.png │ │ │ ├── ds-chat-single.gif │ │ │ ├── ds-chat.gif │ │ │ ├── ds-shiba.png │ │ │ ├── e2e_RLHF.png │ │ │ ├── four_blocks.png │ │ │ ├── ppo_trainer.png │ │ │ ├── reward_function.png │ │ │ └── shiba.png │ │ └── video │ │ │ └── release_v3.mp4 │ ├── chat.py │ ├── dschat │ │ ├── rlhf │ │ │ ├── ppo_trainer.py │ │ │ └── rlhf_engine.py │ │ └── utils │ │ │ ├── data │ │ │ ├── data_utils.py │ │ │ └── raw_datasets.py │ │ │ ├── ds_utils.py │ │ │ ├── model │ │ │ ├── model_utils.py │ │ │ └── reward_model.py │ │ │ ├── module │ │ │ └── lora.py │ │ │ ├── perf.py │ │ │ └── utils.py │ ├── e2e_rlhf.py │ ├── inference │ │ └── chatbot.py │ ├── requirements.txt │ ├── setup.py │ ├── tests │ │ └── test_training.py │ └── training │ │ ├── README.md │ │ ├── step1_supervised_finetuning │ │ ├── README.md │ │ ├── evaluation_scripts │ │ │ └── run_prompt.sh │ │ ├── main.py │ │ ├── prompt_eval.py │ │ ├── training_log_output │ │ │ └── opt-1.3b-globalBatchSize128.log │ │ └── training_scripts │ │ │ ├── README.md │ │ │ ├── llama2 │ │ │ ├── run_llama2_7b.sh │ │ │ └── run_llama2_7b_lora.sh │ │ │ ├── opt │ │ │ ├── multi_node │ │ │ │ └── run_66b.sh │ │ │ ├── single_gpu │ │ │ │ ├── run_1.3b.sh │ │ │ │ └── run_6.7b_lora.sh │ │ │ └── single_node │ │ │ │ ├── run_1.3b.sh │ │ │ │ ├── run_1.3b_lora.sh │ │ │ │ ├── run_13b.sh │ │ │ │ ├── run_30b_lora.sh │ │ │ │ ├── run_6.7b.sh │ │ │ │ └── sweep │ │ │ │ ├── README.md │ │ │ │ ├── run_single.sh │ │ │ │ └── run_step1_sweep.sh │ │ │ └── other_language │ │ │ ├── run_chinese.sh │ │ │ └── run_japanese.sh │ │ ├── step2_dpo_finetuning │ │ ├── README.md │ │ ├── main.py │ │ ├── training_log_output │ │ │ └── opt-350M_globalBatchSize-32.log │ │ └── training_scripts │ │ │ ├── README.md │ │ │ ├── llama2 │ │ │ ├── run_llama2_7b.sh │ │ │ └── run_llama2_7b_lora.sh │ │ │ └── opt │ │ │ ├── multi_node │ │ │ └── run_350m.sh │ │ │ ├── single_gpu │ │ │ └── run_350m.sh │ │ │ └── single_node │ │ │ ├── run_350m.sh │ │ │ └── sweep │ │ │ ├── README.md │ │ │ ├── run_single.sh │ │ │ └── run_step2_sweep.sh │ │ ├── step2_reward_model_finetuning │ │ ├── README.md │ │ ├── evaluation_scripts │ │ │ └── run_eval.sh │ │ ├── main.py │ │ ├── rw_eval.py │ │ ├── training_log_output │ │ │ └── opt-350m_globalBatchSize-64.log │ │ └── training_scripts │ │ │ ├── README.md │ │ │ ├── llama2 │ │ │ ├── run_llama2_7b.sh │ │ │ └── run_llama2_7b_lora.sh │ │ │ └── opt │ │ │ ├── multi_node │ │ │ └── run_350m.sh │ │ │ ├── single_gpu │ │ │ └── run_350m.sh │ │ │ └── single_node │ │ │ ├── run_350m.sh │ │ │ └── sweep │ │ │ ├── README.md │ │ │ ├── run_single.sh │ │ │ └── run_step2_sweep.sh │ │ └── step3_rlhf_finetuning │ │ ├── BenckmarkSetting.md │ │ ├── README.md │ │ ├── main.py │ │ ├── training_log_output │ │ └── actor_opt-1.3b_critic_opt-350m_globalBatchSize64.log │ │ └── training_scripts │ │ ├── README.md │ │ ├── llama2 │ │ ├── run_llama2_7b.sh │ │ ├── run_llama2_7b_lora.sh │ │ └── run_llama2_7b_mixz.sh │ │ └── opt │ │ ├── multi_node │ │ └── run_66b.sh │ │ ├── single_gpu │ │ ├── run_1.3b.sh │ │ └── run_6.7b_lora.sh │ │ └── single_node │ │ ├── run_1.3b.sh │ │ ├── run_1.3b_lora.sh │ │ ├── run_13b.sh │ │ ├── run_30b_lora.sh │ │ ├── run_6.7b.sh │ │ └── sweep │ │ ├── README.md │ │ ├── run_single.sh │ │ └── run_step3_sweep.sh └── DeepSpeed-VisualChat │ ├── README.md │ ├── assets │ ├── banner.png │ ├── ceos.png │ ├── friends.png │ ├── hero-figure.png │ └── model.png │ ├── chat │ ├── README.md │ ├── chat.py │ └── chat_scripts │ │ └── run.sh │ ├── eval │ ├── README.md │ ├── batch_generation.py │ ├── eval_data │ │ ├── eval_comprehensive.json │ │ ├── eval_robustness.json │ │ ├── eval_single.json │ │ └── images │ │ │ ├── cats │ │ │ ├── 1806905748_adb926a0a0.jpg │ │ │ ├── british_shorthair.jpg │ │ │ └── cat.png │ │ │ ├── friends │ │ │ ├── can-count1.jpg │ │ │ ├── can-count2.jpg │ │ │ ├── wrong-count1.jpg │ │ │ └── wrong-count2.jpg │ │ │ ├── singles │ │ │ ├── 1.jpg │ │ │ ├── 2.jpg │ │ │ ├── 202160027_b319c4166e.jpg │ │ │ ├── 50.jpg │ │ │ ├── extreme_ironing.jpg │ │ │ └── waterview.jpg │ │ │ ├── tech-ceo │ │ │ ├── gate1.jpg │ │ │ ├── jobs1.jpg │ │ │ └── musk1.jpg │ │ │ └── zootopia │ │ │ ├── z1.png │ │ │ ├── z2.png │ │ │ ├── z2a.png │ │ │ └── z3.png │ ├── eval_scripts │ │ └── run_batch.sh │ └── results │ │ ├── eval_comprehensive │ │ ├── ours-set1_best_eval.csv │ │ ├── ours-set1_final.csv │ │ ├── ours-set2_best_eval.csv │ │ └── ours-set2_final.csv │ │ ├── eval_robustness │ │ ├── ours-set1_best_eval.csv │ │ ├── ours-set1_final.csv │ │ ├── ours-set2_best_eval.csv │ │ └── ours-set2_final.csv │ │ └── eval_single │ │ ├── ours-single_best_eval.csv │ │ └── ours-single_final.csv │ ├── helper │ ├── README.md │ ├── extract_qwen_vl.py │ └── qwen_clip │ │ ├── config.json │ │ └── preprocessor_config.json │ ├── requirements.txt │ ├── training │ ├── README.md │ ├── main.py │ └── training_scripts │ │ └── run_7b.sh │ └── utils │ ├── data │ ├── DST.py │ ├── __init__.py │ ├── aokvqa_dataset.py │ ├── builder.py │ ├── cc_sbu_align_dataset.py │ ├── coco_caption_dataset.py │ ├── dial_dataset.py │ ├── llava_dataset.py │ ├── llava_otter_blend_dataset.py │ ├── ocr_vqa_dataset.py │ ├── otter_mimicit_cgd_dataset.py │ ├── otter_mimicit_sd_dataset.py │ ├── otter_mimicit_sn_dataset.py │ ├── otter_mimicit_tvc_dataset.py │ ├── otter_mimicit_vst_dataset.py │ ├── sparkles_dialogue_dataset.py │ ├── utils.py │ └── vqa_dataset.py │ ├── ds_utils.py │ ├── model │ ├── __init__.py │ ├── modeling_dsvl.py │ ├── third_party_model │ │ ├── hf_model │ │ │ ├── configuration_llama.py │ │ │ └── modeling_llama.py │ │ └── qwen_clip │ │ │ └── qwen_clip.py │ └── vis_proj.py │ ├── module │ └── lora.py │ └── utils.py ├── benchmarks ├── README.md ├── communication │ ├── README.md │ ├── __init__.py │ ├── all_gather.py │ ├── all_reduce.py │ ├── all_to_all.py │ ├── broadcast.py │ ├── constants.py │ ├── pt2pt.py │ ├── run_all.py │ └── utils.py ├── deepcompile │ ├── .gitignore │ ├── README.md │ ├── configs │ │ ├── ddp_config.yaml.template │ │ ├── ds_config.json.template │ │ ├── ds_config.yaml.template │ │ ├── fsdp_config.yaml.template │ │ └── singlegpu_config.yaml.template │ ├── gen_chart_acc_steps.py │ ├── generate_conf.py │ ├── hostfile_n4 │ ├── plot.py │ ├── plot_common.py │ ├── results │ │ ├── acc_step_1 │ │ │ └── throughput │ │ │ │ ├── chart_throughput_Llama-3-70B_np32_bs1.png │ │ │ │ ├── chart_throughput_Llama-3-70B_np32_bs2.png │ │ │ │ ├── chart_throughput_Llama-3-70B_np32_bs4.png │ │ │ │ ├── chart_throughput_Mixtral-8x7B_np32_bs1.png │ │ │ │ ├── chart_throughput_Mixtral-8x7B_np32_bs2.png │ │ │ │ └── chart_throughput_Mixtral-8x7B_np32_bs4.png │ │ └── acc_step_1_16 │ │ │ └── throughput │ │ │ ├── chart_throughput_Llama-3-70B_np32_bs1.png │ │ │ └── chart_throughput_Mixtral-8x7B_np32_bs1.png │ ├── run.sh │ ├── run_bench.sh │ ├── run_bench_acc.sh │ ├── run_bench_lm.py │ ├── run_bench_offload.sh │ ├── run_bench_z1.sh │ └── run_multinode.sh └── inference │ ├── README.md │ ├── bert-bench.py │ ├── collect_results.py │ ├── deepspeedometer │ ├── README.md │ ├── configs │ │ ├── 128k-120.yaml │ │ ├── 1300-120.yaml │ │ ├── 2600-60.yaml │ │ └── 500-500.yaml │ ├── pyproject.toml │ ├── run_example.sh │ ├── src │ │ └── deepspeedometer │ │ │ ├── __init__.py │ │ │ ├── arg_parsing.py │ │ │ ├── benchmark_runner.py │ │ │ ├── clients │ │ │ ├── __init__.py │ │ │ ├── azure_ml_client.py │ │ │ ├── base.py │ │ │ ├── dummy_client.py │ │ │ ├── fastgen_client.py │ │ │ ├── openai_client.py │ │ │ └── vllm_client.py │ │ │ ├── config.py │ │ │ ├── prompt.py │ │ │ ├── response.py │ │ │ └── sample_input.py │ └── tests │ │ ├── README.md │ │ ├── __init__.py │ │ ├── conftest.py │ │ ├── test_benchmark.py │ │ ├── test_config.py │ │ ├── test_early_stop.py │ │ └── test_prompt.py │ ├── gpt-bench.py │ ├── mii │ ├── A6000_benchmarks_example.PNG │ ├── README.md │ ├── plot_config.yaml │ ├── requirements.txt │ ├── run_all.sh │ ├── run_aml.sh │ ├── run_benchmark.py │ ├── run_example.sh │ ├── run_fp6.sh │ └── src │ │ ├── __init__.py │ │ ├── client.py │ │ ├── defaults.py │ │ ├── plot_effective_throughput.py │ │ ├── plot_latency_percentile.py │ │ ├── plot_repl_scale.py │ │ ├── plot_th_lat.py │ │ ├── plot_tp_sizes.py │ │ ├── postprocess_results.py │ │ ├── random_query_generator.py │ │ ├── sample_input.py │ │ ├── server.py │ │ └── utils.py │ ├── requirements.txt │ ├── run_model.sh │ ├── run_triton_benchmark.sh │ ├── sweep.sh │ └── triton-bert-benchmark.py ├── compression ├── README.md ├── bert │ ├── README.md │ ├── bash_script │ │ ├── XTC │ │ │ ├── layer_reduction.sh │ │ │ ├── layer_reduction_1bit.sh │ │ │ └── quant_1bit.sh │ │ ├── ZeroQuant │ │ │ ├── zero_quant.sh │ │ │ └── zero_quant_lkd.sh │ │ ├── layer_reduction.sh │ │ ├── pruning_head.sh │ │ ├── pruning_row.sh │ │ ├── pruning_sparse.sh │ │ ├── pruning_sparse_snip_momentum.sh │ │ ├── quant_activation.sh │ │ └── quant_weight.sh │ ├── config │ │ ├── XTC │ │ │ ├── ds_config_W1A8_Qgroup1_fp32.json │ │ │ ├── ds_config_layer_reduction_W1Q8_fp32.json │ │ │ └── ds_config_layer_reduction_fp16.json │ │ ├── ZeroQuant │ │ │ ├── ds_config_W48A8_Qgroup48_lkd_fp32.json │ │ │ └── ds_config_W8A8_Qgroup48_fp32.json │ │ ├── ds_config.json │ │ ├── ds_config_TEMPLATE.json │ │ ├── ds_config_W1A8_Qgroup64_fp16.json │ │ ├── ds_config_W1A8_Qgroup64_fp32.json │ │ ├── ds_config_W1or2A8_Qgroup64_fp16.json │ │ └── ds_config_structural_pruning_TEMPLATE.json │ ├── huggingface_transformer │ │ └── modeling_bert.py │ ├── requirements.txt │ ├── run_glue_lkd.py │ ├── run_glue_no_trainer.py │ └── util.py ├── cifar │ ├── README.md │ ├── config │ │ ├── ds_config.json │ │ └── ds_config_channel_prune.json │ ├── resnet.py │ ├── run_compress.sh │ ├── train.py │ └── utils.py └── gpt2 │ ├── README.md │ ├── bash_script │ └── run_zero_quant.sh │ ├── config │ ├── ds_config.json │ ├── ds_config_W4or8A8_Qgroup64_fp16.json │ ├── ds_config_W4or8A8_Qgroup64_fp32.json │ ├── ds_config_W8A8_Qgroup64_fp16.json │ └── ds_config_W8A8_Qgroup64_fp32.json │ ├── requirements.txt │ └── run_clm_no_trainer.py ├── deepnvme ├── README.md ├── ds_io │ ├── ds_io_read_sweep.sh │ ├── ds_io_sweep.sh │ └── ds_io_write_sweep.sh ├── file_access │ ├── README.md │ ├── aio_load_cpu_tensor.py │ ├── aio_load_gpu_tensor.py │ ├── aio_store_cpu_tensor.py │ ├── aio_store_gpu_tensor.py │ ├── gds_load_gpu_tensor.py │ ├── gds_store_gpu_tensor.py │ ├── media │ │ └── deepnvme_ops_report.png │ ├── py_load_cpu_tensor.py │ ├── py_load_gpu_tensor.py │ ├── py_store_cpu_tensor.py │ ├── py_store_gpu_tensor.py │ ├── run_load_tensor.sh │ ├── run_store_tensor.sh │ └── utils.py ├── model_checkpoint │ ├── README.md │ ├── deepspeed_save_model.py │ ├── requirements.txt │ ├── save_model_utils.py │ ├── torch │ │ ├── serialization_fast_v2.6.0.py │ │ └── serialization_orig_v2.6.0.py │ ├── torch_save_load_model.py │ ├── torch_save_model.py │ ├── torch_save_tensor.py │ └── torch_save_utils.py └── zero_inference │ ├── README.md │ └── media │ ├── nvme_config.png │ ├── zero_inf_mem_use_cpu.png │ └── zero_inf_mem_use_gds.png ├── evaluation └── inference │ └── human_eval │ ├── README.md │ └── run_human_eval.py ├── inference ├── huggingface │ ├── README.md │ ├── automatic-speech-recognition │ │ ├── README.md │ │ ├── requirements.txt │ │ └── test-wav2vec2.py │ ├── fill-mask │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── test-bert.py │ │ ├── test-electra.py │ │ └── test-roberta.py │ ├── stable-diffusion │ │ ├── README.md │ │ ├── local_pipeline_stable_diffusion.py │ │ ├── requirements.txt │ │ └── test-stable-diffusion.py │ ├── text-generation │ │ ├── README.md │ │ ├── arguments.py │ │ ├── ds-hf-compare.py │ │ ├── inference-test.py │ │ ├── requirements.txt │ │ ├── run-generation-script │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ ├── sample_query.txt │ │ │ ├── single_query.txt │ │ │ ├── test-gpt.sh │ │ │ └── test-run-generation.py │ │ └── utils.py │ ├── text2text-generation │ │ ├── README.md │ │ ├── requirements.txt │ │ └── test-t5.py │ ├── translation │ │ ├── README.md │ │ ├── requirements.txt │ │ └── test-t5-base.py │ └── zero_inference │ │ ├── README.md │ │ ├── images │ │ └── over_v1.png │ │ ├── model-support.md │ │ ├── requirements.txt │ │ ├── run_bloom175b_a6000.sh │ │ ├── run_llama2_70b_a6000.sh │ │ ├── run_model.py │ │ ├── run_model.sh │ │ ├── run_opt175b_a6000.sh │ │ ├── run_opt1p3b_a6000.sh │ │ ├── run_opt30b_a6000.sh │ │ ├── run_opt66b_a6000.sh │ │ ├── timer.py │ │ └── utils.py ├── mii │ ├── README.md │ ├── non-persistent │ │ ├── README.md │ │ ├── falcon.py │ │ ├── llama2.py │ │ ├── mixtral.py │ │ └── pipeline.py │ ├── persistent │ │ ├── README.md │ │ ├── client.py │ │ ├── serve.py │ │ └── terminate.py │ └── requirements.txt └── sglang │ ├── README.md │ ├── ds_offload_cpu.json │ ├── ds_offload_nvme_aio.json │ ├── ds_offload_nvme_gds.json │ ├── run_llama3_1B.sh │ ├── run_llama3_70B.sh │ └── run_llama3_8B.sh ├── scripts └── check-license.py └── training ├── BingBertGlue ├── glue_bert_base.json ├── glue_bert_large.json ├── nvidia │ ├── modeling.py │ ├── modelingpreln.py │ └── modelingpreln_layerdrop.py ├── nvidia_bert_dataset_provider.py ├── pytorch_pretrained_bert │ ├── __init__.py │ ├── __main__.py │ ├── convert_tf_checkpoint_to_pytorch.py │ ├── file_utils.py │ ├── modeling.py │ ├── optimization.py │ └── tokenization.py ├── run_glue_bert_base_finetune.sh ├── run_glue_bert_large_finetune.sh ├── run_glue_classifier_bert_base.py ├── run_glue_classifier_bert_large.py └── turing │ ├── dataset.py │ ├── file_utils.py │ ├── logger.py │ ├── loss.py │ ├── models.py │ ├── sources.py │ ├── text.py │ └── utils.py ├── BingBertSquad ├── 1-bit_adam │ ├── mpi_ethernet │ │ ├── deepspeed_onebitadam_bsz96_config.json │ │ ├── run_squad_deepspeed_onebitadam.sh │ │ └── run_squad_mpi_onebitadam.sh │ ├── mpi_infiniband │ │ ├── deepspeed_onebitadam_bsz96_config.json │ │ ├── run_squad_deepspeed_onebitadam.sh │ │ └── run_squad_mpi_onebitadam.sh │ └── nccl │ │ ├── deepspeed_onebitadam_bsz96_config.json │ │ └── run_squad_deepspeed_onebitadam.sh ├── NOTICE.txt ├── ckpt │ └── bert-large-uncased-whole-word-masking-config.json ├── convert_bert_ckpt_to_deepspeed.py ├── deepspeed_bsz24_config.json ├── evaluate-v1.1.py ├── evaluate.py ├── nvidia_run_squad_baseline.py ├── nvidia_run_squad_deepspeed.py ├── pytorch_pretrained_bert │ ├── __init__.py │ ├── file_utils.py │ ├── modeling.py │ ├── optimization.py │ └── tokenization.py ├── run_hf.sh ├── run_squad_baseline.sh ├── run_squad_deepspeed.sh ├── turing │ ├── file_utils.py │ ├── loss.py │ ├── modelingpreln_layerdrop.py │ ├── nvidia_modeling.py │ └── nvidia_modelingpreln.py └── utils.py ├── DeepSpeed-Domino ├── README.md ├── domino │ ├── gpt_model.py │ ├── language_model.py │ └── training.py ├── pretrain_gpt.py ├── pretrain_gpt3_13b.sh ├── pretrain_gpt3_6.7b.sh └── requirements.txt ├── DeepSpeed-SuperOffload ├── README.md ├── finetune_gpt-oss-20b_1gpu.sh ├── finetune_llama-70b_4gpu.sh ├── finetune_llama-8b_1gpu.sh ├── finetune_phi-4_1gpu.sh ├── finetune_qwen3-14b_1gpu.sh ├── finetune_qwen3-30b-a3b_2gpu.sh ├── finetune_seed-oss-36b_2gpu.sh ├── finetune_zero3.py └── requirements.txt ├── DeepSpeed-ZenFlow ├── benchmark │ ├── README.md │ ├── output_table.py │ ├── requirements.txt │ ├── run_benchmark.sh │ └── zf_benchmark.py └── finetuning │ ├── README.md │ ├── finetune_llama.py │ ├── finetune_llama.sh │ ├── requirements.txt │ └── zf_config.json ├── HelloDeepSpeed ├── README.md ├── requirements.txt ├── run.sh ├── run_ds.sh ├── tests │ ├── __init__.py │ └── test_train_bert.py ├── train_bert.py └── train_bert_ds.py ├── MoQ ├── README.md ├── huggingface-transformers │ └── examples │ │ └── research_projects │ │ └── lxmert │ │ └── requirements.txt ├── requirements.txt ├── run.sh ├── run_glue.py └── test.json ├── autotuning ├── .gitignore ├── README.md └── hf │ ├── README.md │ ├── bert-base │ ├── README.md │ ├── ds_config_tune.json │ └── test_tune.sh │ ├── bert-large │ ├── README.md │ ├── ds_config_tune.json │ └── test_tune.sh │ ├── deberta │ ├── README.md │ ├── ds_config_fp16_tune.json │ └── test_tune.sh │ ├── distilbert │ ├── README.md │ ├── ds_config_tune.json │ └── test_tune.sh │ ├── dsconfigs │ ├── ds_config_fp16_tune.json │ ├── ds_config_fp16_z0.json │ ├── ds_config_fp16_z1.json │ ├── ds_config_fp16_z2.json │ ├── ds_config_fp16_z3.json │ ├── ds_config_tune.json │ ├── ds_config_z0.json │ ├── ds_config_z1.json │ ├── ds_config_z2.json │ └── ds_config_z3.json │ ├── gpt2-large │ ├── README.md │ └── test_tune.sh │ ├── gpt2-medium │ ├── README.md │ └── test_tune.sh │ ├── gpt2-xl │ ├── README.md │ └── test_tune.sh │ └── gpt2 │ ├── README.md │ └── test_tune.sh ├── bing_bert ├── 01_adam │ ├── mpi_ethernet │ │ ├── deepspeed_bsz4k_01adam_config_seq128_mpi_ethernet.json │ │ ├── deepspeed_bsz4k_01adam_config_seq512_mpi_ethernet.json │ │ ├── ds_train_bert_01adam_bsz4k_seq128_mpi_ethernet.sh │ │ └── ds_train_bert_01adam_bsz4k_seq512_mpi_ethernet.sh │ ├── mpi_infiniband │ │ ├── deepspeed_bsz4k_01adam_config_seq128_mpi_infiniband.json │ │ ├── deepspeed_bsz4k_01adam_config_seq512_mpi_infiniband.json │ │ ├── ds_train_bert_01adam_bsz4k_seq128_mpi_infiniband.sh │ │ └── ds_train_bert_01adam_bsz4k_seq512_mpi_infiniband.sh │ └── nccl │ │ ├── deepspeed_bsz4k_01adam_config_seq128_nccl.json │ │ ├── deepspeed_bsz4k_01adam_config_seq512_nccl.json │ │ ├── ds_train_bert_01adam_bsz4k_seq128_nccl.sh │ │ └── ds_train_bert_01adam_bsz4k_seq512_nccl.sh ├── 1-bit_adam │ ├── mpi_ethernet │ │ ├── deepspeed_bsz4k_onebitadam_config_seq128_mpi_ethernet.json │ │ ├── ds_train_bert_onebitadam_bsz4k_seq128_mpi_ethernet.sh │ │ └── mpi_train_bert_onebitadam_bsz4k_seq128_ethernet.sh │ ├── mpi_infiniband │ │ ├── deepspeed_bsz4k_onebitadam_config_seq128_mpi_infiniband.json │ │ ├── ds_train_bert_onebitadam_bsz4k_seq128_mpi_infiniband.sh │ │ └── mpi_train_bert_onebitadam_bsz4k_seq128_infiniband.sh │ └── nccl │ │ ├── deepspeed_bsz4k_onebitadam_config_seq128_nccl.json │ │ └── ds_train_bert_onebitadam_bsz4k_seq128_nccl.sh ├── 1-bit_lamb │ ├── mpi_ethernet │ │ ├── deepspeed_bsz32k_onebitlamb_config_seq512_mpi_ethernet.json │ │ ├── deepspeed_bsz64k_onebitlamb_config_seq128_mpi_ethernet.json │ │ ├── ds_train_bert_onebitlamb_bsz32k_seq512_mpi_ethernet.sh │ │ ├── ds_train_bert_onebitlamb_bsz64k_seq128_mpi_ethernet.sh │ │ ├── mpi_train_bert_onebitlamb_bsz32k_seq512_ethernet.sh │ │ └── mpi_train_bert_onebitlamb_bsz64k_seq128_ethernet.sh │ ├── mpi_infiniband │ │ ├── deepspeed_bsz32k_onebitlamb_config_seq512_mpi_infiniband.json │ │ ├── deepspeed_bsz64k_onebitlamb_config_seq128_mpi_infiniband.json │ │ ├── ds_train_bert_onebitlamb_bsz32k_seq512_mpi_infiniband.sh │ │ ├── ds_train_bert_onebitlamb_bsz64k_seq128_mpi_infiniband.sh │ │ ├── mpi_train_bert_onebitlamb_bsz32k_seq512_infiniband.sh │ │ └── mpi_train_bert_onebitlamb_bsz64k_seq128_infiniband.sh │ └── nccl │ │ ├── deepspeed_bsz32k_onebitlamb_config_seq512_nccl.json │ │ ├── deepspeed_bsz64k_onebitlamb_config_seq128_nccl.json │ │ ├── ds_train_bert_onebitlamb_bsz32k_seq512_nccl.sh │ │ └── ds_train_bert_onebitlamb_bsz64k_seq128_nccl.sh ├── NOTICE.txt ├── README.md ├── bert_base.json ├── bert_base_large_lr.json ├── bert_dataset_provider.py ├── bert_large.json ├── bert_large_lamb.json ├── bert_large_lamb_nvidia_data.json ├── bing_bert_dataset_provider.py ├── data_worker.py ├── deepspeed_bsz32k_lamb_config_seq512.json ├── deepspeed_bsz4k_progressive_layer_drop_config_seq128.json ├── deepspeed_bsz64k_lamb_config_seq128.json ├── deepspeed_train.py ├── ds_sa_train_bert_bsz64k_seq128.sh ├── ds_train_bert_bsz32k_seq512.sh ├── ds_train_bert_bsz64k_seq128.sh ├── ds_train_bert_nvidia_data_bsz32k_seq512.sh ├── ds_train_bert_nvidia_data_bsz64k_seq128.sh ├── ds_train_bert_progressive_layer_drop_bsz4k_seq128.sh ├── glue_bert_base.json ├── glue_bert_large.json ├── nvidia │ ├── modelingpreln.py │ └── modelingpreln_layerdrop.py ├── nvidia_bert_dataset_provider.py ├── pytorch_pretrained_bert │ ├── __init__.py │ ├── __main__.py │ ├── convert_tf_checkpoint_to_pytorch.py │ ├── file_utils.py │ ├── modeling.py │ ├── optimization.py │ └── tokenization.py ├── requirements.txt ├── run_glue_bert_base_finetune.sh ├── run_glue_bert_large_finetune.sh ├── run_glue_classifier_bert_base.py ├── run_glue_classifier_bert_large.py ├── timer.py ├── turing │ ├── dataset.py │ ├── file_utils.py │ ├── logger.py │ ├── loss.py │ ├── models.py │ ├── sources.py │ ├── text.py │ └── utils.py └── utils.py ├── cifar ├── LICENSE ├── NOTICE.txt ├── README.md ├── cifar10_deepspeed.py ├── cifar10_tutorial.py ├── requirements.txt ├── run_ds.sh ├── run_ds_moe.sh └── run_ds_prmoe.sh ├── data_efficiency ├── gpt_finetuning │ ├── README.md │ ├── analyze_data.py │ ├── bash_script │ │ ├── run_base_random_ltd.sh │ │ └── run_medium_random_ltd.sh │ ├── config │ │ ├── ds_config_gpt_base_random_ltd.json │ │ └── ds_config_gpt_medium_random_ltd.json │ ├── finetune │ │ ├── ds_analyze_gpt_data_map.sh │ │ ├── ds_analyze_gpt_data_reduce.sh │ │ ├── ds_config_gpt2-medium_1clmetric_TEMPLATE.json │ │ ├── ds_config_gpt2-medium_2clmetrics_TEMPLATE.json │ │ ├── ds_config_gpt2_TEMPLATE.json │ │ ├── ds_finetune_gpt2.sh │ │ └── ds_finetune_gpt2_run.sh │ ├── learning_rates.py │ ├── requirement.txt │ └── run_clm_no_trainer.py ├── variable_batch_size_and_lr │ ├── README.md │ ├── variable_attn_matrix.png │ ├── variable_batch_lr.png │ ├── variable_batch_lr_pipeline.png │ └── variable_batch_size_and_lr_example.py └── vit_finetuning │ ├── README.md │ ├── bash_script │ ├── run_cifar_random_ltd.sh │ └── run_imagenet_random_ltd.sh │ ├── config │ ├── ds_config_cifar_random_ltd.json │ └── ds_config_imagenet_random_ltd.json │ ├── main_cifar.py │ ├── main_imagenet.py │ ├── models │ ├── __init__.py │ └── vit.py │ ├── requirement.txt │ └── utils │ ├── __init__.py │ ├── get_data.py │ └── utils.py ├── gan ├── gan_baseline_run.sh ├── gan_baseline_train.py ├── gan_deepspeed_config.json ├── gan_deepspeed_run.sh ├── gan_deepspeed_train.py ├── gan_model.py └── utils.py ├── imagenet ├── README.md ├── assets │ └── resnetplot.png ├── config │ ├── ds_config.json │ ├── ds_fp16_config.json │ └── ds_fp16_z1_config.json ├── extract_ILSVRC.sh ├── main.py ├── requirements.txt ├── run_ds.sh ├── run_ds_fp16.sh └── run_ds_fp16_z1.sh ├── megatron └── README.md ├── offload_states ├── README.md ├── offload_states.py ├── output_table.py └── run_benchmark.sh ├── pipeline_parallelism ├── alexnet.py ├── ds_config.json ├── run.sh └── train.py ├── stable_diffusion ├── README.md ├── inf_txt2img_loop.py ├── local_pipeline_stable_diffusion.py ├── mytrainbash.sh ├── requirements.txt └── train_sd_distil_lora.py └── tensor_parallel ├── README.md ├── alpaca_data.json ├── configs ├── ds_config.json └── ds_config_temp.json ├── requirements.txt ├── run.sh ├── train.py ├── train_bench_length.py └── utils.py /.github/workflows/formatting.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/.github/workflows/formatting.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/.gitmodules -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/CODEOWNERS -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/README.md -------------------------------------------------------------------------------- /SECURITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/SECURITY.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/.gitignore -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/assets/image/1.3B-breakdown.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/assets/image/1.3B-breakdown.png -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/assets/image/Banner-benchmark.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/assets/image/Banner-benchmark.png -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/assets/image/RLHF.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/assets/image/RLHF.png -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/assets/image/democrat2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/assets/image/democrat2.png -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/assets/image/ds-chat-single.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/assets/image/ds-chat-single.gif -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/assets/image/ds-chat.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/assets/image/ds-chat.gif -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/assets/image/ds-shiba.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/assets/image/ds-shiba.png -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/assets/image/e2e_RLHF.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/assets/image/e2e_RLHF.png -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/assets/image/four_blocks.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/assets/image/four_blocks.png -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/assets/image/ppo_trainer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/assets/image/ppo_trainer.png -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/assets/image/reward_function.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/assets/image/reward_function.png -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/assets/image/shiba.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/assets/image/shiba.png -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/assets/video/release_v3.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/assets/video/release_v3.mp4 -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/chat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/chat.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/dschat/rlhf/ppo_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/dschat/rlhf/ppo_trainer.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/dschat/rlhf/rlhf_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/dschat/rlhf/rlhf_engine.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/dschat/utils/data/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/dschat/utils/data/data_utils.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/dschat/utils/data/raw_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/dschat/utils/data/raw_datasets.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/dschat/utils/ds_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/dschat/utils/ds_utils.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/dschat/utils/model/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/dschat/utils/model/model_utils.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/dschat/utils/model/reward_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/dschat/utils/model/reward_model.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/dschat/utils/module/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/dschat/utils/module/lora.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/dschat/utils/perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/dschat/utils/perf.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/dschat/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/dschat/utils/utils.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/e2e_rlhf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/e2e_rlhf.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/inference/chatbot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/inference/chatbot.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/requirements.txt -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/setup.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/tests/test_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/tests/test_training.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/evaluation_scripts/run_prompt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/evaluation_scripts/run_prompt.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/main.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/prompt_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/prompt_eval.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/llama2/run_llama2_7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/llama2/run_llama2_7b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/llama2/run_llama2_7b_lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/llama2/run_llama2_7b_lora.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/multi_node/run_66b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/multi_node/run_66b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_gpu/run_1.3b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_gpu/run_1.3b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_gpu/run_6.7b_lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_gpu/run_6.7b_lora.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_node/run_1.3b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_node/run_1.3b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_node/run_1.3b_lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_node/run_1.3b_lora.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_node/run_13b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_node/run_13b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_node/run_30b_lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_node/run_30b_lora.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_node/run_6.7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/opt/single_node/run_6.7b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/other_language/run_chinese.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/training_scripts/other_language/run_chinese.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_dpo_finetuning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_dpo_finetuning/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_dpo_finetuning/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_dpo_finetuning/main.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_log_output/opt-350M_globalBatchSize-32.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_log_output/opt-350M_globalBatchSize-32.log -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/llama2/run_llama2_7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/llama2/run_llama2_7b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/llama2/run_llama2_7b_lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/llama2/run_llama2_7b_lora.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/opt/multi_node/run_350m.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/opt/multi_node/run_350m.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/opt/single_gpu/run_350m.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/opt/single_gpu/run_350m.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/opt/single_node/run_350m.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/opt/single_node/run_350m.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/opt/single_node/sweep/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/opt/single_node/sweep/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/opt/single_node/sweep/run_single.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_dpo_finetuning/training_scripts/opt/single_node/sweep/run_single.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/evaluation_scripts/run_eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/evaluation_scripts/run_eval.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/main.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/rw_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/rw_eval.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/training_scripts/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/training_scripts/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/training_scripts/llama2/run_llama2_7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/training_scripts/llama2/run_llama2_7b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/training_scripts/opt/multi_node/run_350m.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/training_scripts/opt/multi_node/run_350m.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/training_scripts/opt/single_gpu/run_350m.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/training_scripts/opt/single_gpu/run_350m.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/training_scripts/opt/single_node/run_350m.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step2_reward_model_finetuning/training_scripts/opt/single_node/run_350m.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/BenckmarkSetting.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/BenckmarkSetting.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/main.py -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/llama2/run_llama2_7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/llama2/run_llama2_7b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/llama2/run_llama2_7b_lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/llama2/run_llama2_7b_lora.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/llama2/run_llama2_7b_mixz.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/llama2/run_llama2_7b_mixz.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/multi_node/run_66b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/multi_node/run_66b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_gpu/run_1.3b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_gpu/run_1.3b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_gpu/run_6.7b_lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_gpu/run_6.7b_lora.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/run_1.3b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/run_1.3b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/run_1.3b_lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/run_1.3b_lora.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/run_13b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/run_13b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/run_30b_lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/run_30b_lora.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/run_6.7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/run_6.7b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/sweep/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/sweep/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/sweep/run_single.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-Chat/training/step3_rlhf_finetuning/training_scripts/opt/single_node/sweep/run_single.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/assets/banner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/assets/banner.png -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/assets/ceos.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/assets/ceos.png -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/assets/friends.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/assets/friends.png -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/assets/hero-figure.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/assets/hero-figure.png -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/assets/model.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/assets/model.png -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/chat/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/chat/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/chat/chat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/chat/chat.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/chat/chat_scripts/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/chat/chat_scripts/run.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/batch_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/batch_generation.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/eval_comprehensive.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/eval_comprehensive.json -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/eval_robustness.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/eval_robustness.json -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/eval_single.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/eval_single.json -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/cats/1806905748_adb926a0a0.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/cats/1806905748_adb926a0a0.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/cats/british_shorthair.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/cats/british_shorthair.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/cats/cat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/cats/cat.png -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/friends/can-count1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/friends/can-count1.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/friends/can-count2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/friends/can-count2.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/friends/wrong-count1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/friends/wrong-count1.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/friends/wrong-count2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/friends/wrong-count2.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/singles/1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/singles/1.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/singles/2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/singles/2.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/singles/202160027_b319c4166e.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/singles/202160027_b319c4166e.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/singles/50.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/singles/50.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/singles/extreme_ironing.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/singles/extreme_ironing.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/singles/waterview.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/singles/waterview.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/tech-ceo/gate1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/tech-ceo/gate1.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/tech-ceo/jobs1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/tech-ceo/jobs1.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/tech-ceo/musk1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/tech-ceo/musk1.jpg -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/zootopia/z1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/zootopia/z1.png -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/zootopia/z2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/zootopia/z2.png -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/zootopia/z2a.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/zootopia/z2a.png -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_data/images/zootopia/z3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_data/images/zootopia/z3.png -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/eval_scripts/run_batch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/eval_scripts/run_batch.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/results/eval_comprehensive/ours-set1_best_eval.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/results/eval_comprehensive/ours-set1_best_eval.csv -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/results/eval_comprehensive/ours-set1_final.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/results/eval_comprehensive/ours-set1_final.csv -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/results/eval_comprehensive/ours-set2_best_eval.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/results/eval_comprehensive/ours-set2_best_eval.csv -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/results/eval_comprehensive/ours-set2_final.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/results/eval_comprehensive/ours-set2_final.csv -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/results/eval_robustness/ours-set1_best_eval.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/results/eval_robustness/ours-set1_best_eval.csv -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/results/eval_robustness/ours-set1_final.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/results/eval_robustness/ours-set1_final.csv -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/results/eval_robustness/ours-set2_best_eval.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/results/eval_robustness/ours-set2_best_eval.csv -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/results/eval_robustness/ours-set2_final.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/results/eval_robustness/ours-set2_final.csv -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/results/eval_single/ours-single_best_eval.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/results/eval_single/ours-single_best_eval.csv -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/eval/results/eval_single/ours-single_final.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/eval/results/eval_single/ours-single_final.csv -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/helper/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/helper/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/helper/extract_qwen_vl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/helper/extract_qwen_vl.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/helper/qwen_clip/config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/helper/qwen_clip/config.json -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/helper/qwen_clip/preprocessor_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/helper/qwen_clip/preprocessor_config.json -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/requirements.txt -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/training/README.md -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/training/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/training/main.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/training/training_scripts/run_7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/training/training_scripts/run_7b.sh -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/DST.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/DST.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/__init__.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/aokvqa_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/aokvqa_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/builder.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/cc_sbu_align_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/cc_sbu_align_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/coco_caption_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/coco_caption_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/dial_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/dial_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/llava_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/llava_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/llava_otter_blend_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/llava_otter_blend_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/ocr_vqa_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/ocr_vqa_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/otter_mimicit_cgd_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/otter_mimicit_cgd_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/otter_mimicit_sd_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/otter_mimicit_sd_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/otter_mimicit_sn_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/otter_mimicit_sn_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/otter_mimicit_tvc_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/otter_mimicit_tvc_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/otter_mimicit_vst_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/otter_mimicit_vst_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/sparkles_dialogue_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/sparkles_dialogue_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/utils.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/data/vqa_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/data/vqa_dataset.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/ds_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/ds_utils.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/model/__init__.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/model/modeling_dsvl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/model/modeling_dsvl.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/model/third_party_model/hf_model/configuration_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/model/third_party_model/hf_model/configuration_llama.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/model/third_party_model/hf_model/modeling_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/model/third_party_model/hf_model/modeling_llama.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/model/third_party_model/qwen_clip/qwen_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/model/third_party_model/qwen_clip/qwen_clip.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/model/vis_proj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/model/vis_proj.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/module/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/module/lora.py -------------------------------------------------------------------------------- /applications/DeepSpeed-VisualChat/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/applications/DeepSpeed-VisualChat/utils/utils.py -------------------------------------------------------------------------------- /benchmarks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/README.md -------------------------------------------------------------------------------- /benchmarks/communication/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/communication/README.md -------------------------------------------------------------------------------- /benchmarks/communication/__init__.py: -------------------------------------------------------------------------------- 1 | '''Copyright The Microsoft DeepSpeed Team''' -------------------------------------------------------------------------------- /benchmarks/communication/all_gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/communication/all_gather.py -------------------------------------------------------------------------------- /benchmarks/communication/all_reduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/communication/all_reduce.py -------------------------------------------------------------------------------- /benchmarks/communication/all_to_all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/communication/all_to_all.py -------------------------------------------------------------------------------- /benchmarks/communication/broadcast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/communication/broadcast.py -------------------------------------------------------------------------------- /benchmarks/communication/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/communication/constants.py -------------------------------------------------------------------------------- /benchmarks/communication/pt2pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/communication/pt2pt.py -------------------------------------------------------------------------------- /benchmarks/communication/run_all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/communication/run_all.py -------------------------------------------------------------------------------- /benchmarks/communication/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/communication/utils.py -------------------------------------------------------------------------------- /benchmarks/deepcompile/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/.gitignore -------------------------------------------------------------------------------- /benchmarks/deepcompile/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/README.md -------------------------------------------------------------------------------- /benchmarks/deepcompile/configs/ddp_config.yaml.template: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/configs/ddp_config.yaml.template -------------------------------------------------------------------------------- /benchmarks/deepcompile/configs/ds_config.json.template: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/configs/ds_config.json.template -------------------------------------------------------------------------------- /benchmarks/deepcompile/configs/ds_config.yaml.template: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/configs/ds_config.yaml.template -------------------------------------------------------------------------------- /benchmarks/deepcompile/configs/fsdp_config.yaml.template: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/configs/fsdp_config.yaml.template -------------------------------------------------------------------------------- /benchmarks/deepcompile/configs/singlegpu_config.yaml.template: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/configs/singlegpu_config.yaml.template -------------------------------------------------------------------------------- /benchmarks/deepcompile/gen_chart_acc_steps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/gen_chart_acc_steps.py -------------------------------------------------------------------------------- /benchmarks/deepcompile/generate_conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/generate_conf.py -------------------------------------------------------------------------------- /benchmarks/deepcompile/hostfile_n4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/hostfile_n4 -------------------------------------------------------------------------------- /benchmarks/deepcompile/plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/plot.py -------------------------------------------------------------------------------- /benchmarks/deepcompile/plot_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/plot_common.py -------------------------------------------------------------------------------- /benchmarks/deepcompile/results/acc_step_1/throughput/chart_throughput_Llama-3-70B_np32_bs1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/results/acc_step_1/throughput/chart_throughput_Llama-3-70B_np32_bs1.png -------------------------------------------------------------------------------- /benchmarks/deepcompile/results/acc_step_1/throughput/chart_throughput_Llama-3-70B_np32_bs2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/results/acc_step_1/throughput/chart_throughput_Llama-3-70B_np32_bs2.png -------------------------------------------------------------------------------- /benchmarks/deepcompile/results/acc_step_1/throughput/chart_throughput_Llama-3-70B_np32_bs4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/results/acc_step_1/throughput/chart_throughput_Llama-3-70B_np32_bs4.png -------------------------------------------------------------------------------- /benchmarks/deepcompile/results/acc_step_1/throughput/chart_throughput_Mixtral-8x7B_np32_bs1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/results/acc_step_1/throughput/chart_throughput_Mixtral-8x7B_np32_bs1.png -------------------------------------------------------------------------------- /benchmarks/deepcompile/results/acc_step_1/throughput/chart_throughput_Mixtral-8x7B_np32_bs2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/results/acc_step_1/throughput/chart_throughput_Mixtral-8x7B_np32_bs2.png -------------------------------------------------------------------------------- /benchmarks/deepcompile/results/acc_step_1/throughput/chart_throughput_Mixtral-8x7B_np32_bs4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/results/acc_step_1/throughput/chart_throughput_Mixtral-8x7B_np32_bs4.png -------------------------------------------------------------------------------- /benchmarks/deepcompile/results/acc_step_1_16/throughput/chart_throughput_Llama-3-70B_np32_bs1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/results/acc_step_1_16/throughput/chart_throughput_Llama-3-70B_np32_bs1.png -------------------------------------------------------------------------------- /benchmarks/deepcompile/results/acc_step_1_16/throughput/chart_throughput_Mixtral-8x7B_np32_bs1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/results/acc_step_1_16/throughput/chart_throughput_Mixtral-8x7B_np32_bs1.png -------------------------------------------------------------------------------- /benchmarks/deepcompile/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/run.sh -------------------------------------------------------------------------------- /benchmarks/deepcompile/run_bench.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/run_bench.sh -------------------------------------------------------------------------------- /benchmarks/deepcompile/run_bench_acc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/run_bench_acc.sh -------------------------------------------------------------------------------- /benchmarks/deepcompile/run_bench_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/run_bench_lm.py -------------------------------------------------------------------------------- /benchmarks/deepcompile/run_bench_offload.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/run_bench_offload.sh -------------------------------------------------------------------------------- /benchmarks/deepcompile/run_bench_z1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/run_bench_z1.sh -------------------------------------------------------------------------------- /benchmarks/deepcompile/run_multinode.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/deepcompile/run_multinode.sh -------------------------------------------------------------------------------- /benchmarks/inference/README.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /benchmarks/inference/bert-bench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/bert-bench.py -------------------------------------------------------------------------------- /benchmarks/inference/collect_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/collect_results.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/README.md -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/configs/128k-120.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/configs/128k-120.yaml -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/configs/1300-120.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/configs/1300-120.yaml -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/configs/2600-60.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/configs/2600-60.yaml -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/configs/500-500.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/configs/500-500.yaml -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/pyproject.toml -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/run_example.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/run_example.sh -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/__init__.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/arg_parsing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/arg_parsing.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/benchmark_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/benchmark_runner.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/__init__.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/azure_ml_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/azure_ml_client.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/base.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/dummy_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/dummy_client.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/fastgen_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/fastgen_client.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/openai_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/openai_client.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/vllm_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/clients/vllm_client.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/config.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/prompt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/prompt.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/response.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/response.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/src/deepspeedometer/sample_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/src/deepspeedometer/sample_input.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/tests/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/tests/README.md -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/tests/conftest.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/tests/test_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/tests/test_benchmark.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/tests/test_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/tests/test_config.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/tests/test_early_stop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/tests/test_early_stop.py -------------------------------------------------------------------------------- /benchmarks/inference/deepspeedometer/tests/test_prompt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/deepspeedometer/tests/test_prompt.py -------------------------------------------------------------------------------- /benchmarks/inference/gpt-bench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/gpt-bench.py -------------------------------------------------------------------------------- /benchmarks/inference/mii/A6000_benchmarks_example.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/A6000_benchmarks_example.PNG -------------------------------------------------------------------------------- /benchmarks/inference/mii/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/README.md -------------------------------------------------------------------------------- /benchmarks/inference/mii/plot_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/plot_config.yaml -------------------------------------------------------------------------------- /benchmarks/inference/mii/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/requirements.txt -------------------------------------------------------------------------------- /benchmarks/inference/mii/run_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/run_all.sh -------------------------------------------------------------------------------- /benchmarks/inference/mii/run_aml.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/run_aml.sh -------------------------------------------------------------------------------- /benchmarks/inference/mii/run_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/run_benchmark.py -------------------------------------------------------------------------------- /benchmarks/inference/mii/run_example.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/run_example.sh -------------------------------------------------------------------------------- /benchmarks/inference/mii/run_fp6.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/run_fp6.sh -------------------------------------------------------------------------------- /benchmarks/inference/mii/src/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # SPDX-License-Identifier: Apache-2.0 3 | 4 | # DeepSpeed Team 5 | -------------------------------------------------------------------------------- /benchmarks/inference/mii/src/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/src/client.py -------------------------------------------------------------------------------- /benchmarks/inference/mii/src/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/src/defaults.py -------------------------------------------------------------------------------- /benchmarks/inference/mii/src/plot_effective_throughput.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/src/plot_effective_throughput.py -------------------------------------------------------------------------------- /benchmarks/inference/mii/src/plot_latency_percentile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/src/plot_latency_percentile.py -------------------------------------------------------------------------------- /benchmarks/inference/mii/src/plot_repl_scale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/src/plot_repl_scale.py -------------------------------------------------------------------------------- /benchmarks/inference/mii/src/plot_th_lat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/src/plot_th_lat.py -------------------------------------------------------------------------------- /benchmarks/inference/mii/src/plot_tp_sizes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/src/plot_tp_sizes.py -------------------------------------------------------------------------------- /benchmarks/inference/mii/src/postprocess_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/src/postprocess_results.py -------------------------------------------------------------------------------- /benchmarks/inference/mii/src/random_query_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/src/random_query_generator.py -------------------------------------------------------------------------------- /benchmarks/inference/mii/src/sample_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/src/sample_input.py -------------------------------------------------------------------------------- /benchmarks/inference/mii/src/server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/src/server.py -------------------------------------------------------------------------------- /benchmarks/inference/mii/src/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/mii/src/utils.py -------------------------------------------------------------------------------- /benchmarks/inference/requirements.txt: -------------------------------------------------------------------------------- 1 | transformers>=4.21.3 2 | -------------------------------------------------------------------------------- /benchmarks/inference/run_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/run_model.sh -------------------------------------------------------------------------------- /benchmarks/inference/run_triton_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/run_triton_benchmark.sh -------------------------------------------------------------------------------- /benchmarks/inference/sweep.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/sweep.sh -------------------------------------------------------------------------------- /benchmarks/inference/triton-bert-benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/benchmarks/inference/triton-bert-benchmark.py -------------------------------------------------------------------------------- /compression/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/README.md -------------------------------------------------------------------------------- /compression/bert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/README.md -------------------------------------------------------------------------------- /compression/bert/bash_script/XTC/layer_reduction.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/bash_script/XTC/layer_reduction.sh -------------------------------------------------------------------------------- /compression/bert/bash_script/XTC/layer_reduction_1bit.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/bash_script/XTC/layer_reduction_1bit.sh -------------------------------------------------------------------------------- /compression/bert/bash_script/XTC/quant_1bit.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/bash_script/XTC/quant_1bit.sh -------------------------------------------------------------------------------- /compression/bert/bash_script/ZeroQuant/zero_quant.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/bash_script/ZeroQuant/zero_quant.sh -------------------------------------------------------------------------------- /compression/bert/bash_script/ZeroQuant/zero_quant_lkd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/bash_script/ZeroQuant/zero_quant_lkd.sh -------------------------------------------------------------------------------- /compression/bert/bash_script/layer_reduction.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/bash_script/layer_reduction.sh -------------------------------------------------------------------------------- /compression/bert/bash_script/pruning_head.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/bash_script/pruning_head.sh -------------------------------------------------------------------------------- /compression/bert/bash_script/pruning_row.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/bash_script/pruning_row.sh -------------------------------------------------------------------------------- /compression/bert/bash_script/pruning_sparse.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/bash_script/pruning_sparse.sh -------------------------------------------------------------------------------- /compression/bert/bash_script/pruning_sparse_snip_momentum.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/bash_script/pruning_sparse_snip_momentum.sh -------------------------------------------------------------------------------- /compression/bert/bash_script/quant_activation.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/bash_script/quant_activation.sh -------------------------------------------------------------------------------- /compression/bert/bash_script/quant_weight.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/bash_script/quant_weight.sh -------------------------------------------------------------------------------- /compression/bert/config/XTC/ds_config_W1A8_Qgroup1_fp32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/config/XTC/ds_config_W1A8_Qgroup1_fp32.json -------------------------------------------------------------------------------- /compression/bert/config/XTC/ds_config_layer_reduction_W1Q8_fp32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/config/XTC/ds_config_layer_reduction_W1Q8_fp32.json -------------------------------------------------------------------------------- /compression/bert/config/XTC/ds_config_layer_reduction_fp16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/config/XTC/ds_config_layer_reduction_fp16.json -------------------------------------------------------------------------------- /compression/bert/config/ZeroQuant/ds_config_W48A8_Qgroup48_lkd_fp32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/config/ZeroQuant/ds_config_W48A8_Qgroup48_lkd_fp32.json -------------------------------------------------------------------------------- /compression/bert/config/ZeroQuant/ds_config_W8A8_Qgroup48_fp32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/config/ZeroQuant/ds_config_W8A8_Qgroup48_fp32.json -------------------------------------------------------------------------------- /compression/bert/config/ds_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/config/ds_config.json -------------------------------------------------------------------------------- /compression/bert/config/ds_config_TEMPLATE.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/config/ds_config_TEMPLATE.json -------------------------------------------------------------------------------- /compression/bert/config/ds_config_W1A8_Qgroup64_fp16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/config/ds_config_W1A8_Qgroup64_fp16.json -------------------------------------------------------------------------------- /compression/bert/config/ds_config_W1A8_Qgroup64_fp32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/config/ds_config_W1A8_Qgroup64_fp32.json -------------------------------------------------------------------------------- /compression/bert/config/ds_config_W1or2A8_Qgroup64_fp16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/config/ds_config_W1or2A8_Qgroup64_fp16.json -------------------------------------------------------------------------------- /compression/bert/config/ds_config_structural_pruning_TEMPLATE.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/config/ds_config_structural_pruning_TEMPLATE.json -------------------------------------------------------------------------------- /compression/bert/huggingface_transformer/modeling_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/huggingface_transformer/modeling_bert.py -------------------------------------------------------------------------------- /compression/bert/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/requirements.txt -------------------------------------------------------------------------------- /compression/bert/run_glue_lkd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/run_glue_lkd.py -------------------------------------------------------------------------------- /compression/bert/run_glue_no_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/run_glue_no_trainer.py -------------------------------------------------------------------------------- /compression/bert/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/bert/util.py -------------------------------------------------------------------------------- /compression/cifar/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/cifar/README.md -------------------------------------------------------------------------------- /compression/cifar/config/ds_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/cifar/config/ds_config.json -------------------------------------------------------------------------------- /compression/cifar/config/ds_config_channel_prune.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/cifar/config/ds_config_channel_prune.json -------------------------------------------------------------------------------- /compression/cifar/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/cifar/resnet.py -------------------------------------------------------------------------------- /compression/cifar/run_compress.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/cifar/run_compress.sh -------------------------------------------------------------------------------- /compression/cifar/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/cifar/train.py -------------------------------------------------------------------------------- /compression/cifar/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/cifar/utils.py -------------------------------------------------------------------------------- /compression/gpt2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/gpt2/README.md -------------------------------------------------------------------------------- /compression/gpt2/bash_script/run_zero_quant.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/gpt2/bash_script/run_zero_quant.sh -------------------------------------------------------------------------------- /compression/gpt2/config/ds_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/gpt2/config/ds_config.json -------------------------------------------------------------------------------- /compression/gpt2/config/ds_config_W4or8A8_Qgroup64_fp16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/gpt2/config/ds_config_W4or8A8_Qgroup64_fp16.json -------------------------------------------------------------------------------- /compression/gpt2/config/ds_config_W4or8A8_Qgroup64_fp32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/gpt2/config/ds_config_W4or8A8_Qgroup64_fp32.json -------------------------------------------------------------------------------- /compression/gpt2/config/ds_config_W8A8_Qgroup64_fp16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/gpt2/config/ds_config_W8A8_Qgroup64_fp16.json -------------------------------------------------------------------------------- /compression/gpt2/config/ds_config_W8A8_Qgroup64_fp32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/gpt2/config/ds_config_W8A8_Qgroup64_fp32.json -------------------------------------------------------------------------------- /compression/gpt2/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/gpt2/requirements.txt -------------------------------------------------------------------------------- /compression/gpt2/run_clm_no_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/compression/gpt2/run_clm_no_trainer.py -------------------------------------------------------------------------------- /deepnvme/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/README.md -------------------------------------------------------------------------------- /deepnvme/ds_io/ds_io_read_sweep.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/ds_io/ds_io_read_sweep.sh -------------------------------------------------------------------------------- /deepnvme/ds_io/ds_io_sweep.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/ds_io/ds_io_sweep.sh -------------------------------------------------------------------------------- /deepnvme/ds_io/ds_io_write_sweep.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/ds_io/ds_io_write_sweep.sh -------------------------------------------------------------------------------- /deepnvme/file_access/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/README.md -------------------------------------------------------------------------------- /deepnvme/file_access/aio_load_cpu_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/aio_load_cpu_tensor.py -------------------------------------------------------------------------------- /deepnvme/file_access/aio_load_gpu_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/aio_load_gpu_tensor.py -------------------------------------------------------------------------------- /deepnvme/file_access/aio_store_cpu_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/aio_store_cpu_tensor.py -------------------------------------------------------------------------------- /deepnvme/file_access/aio_store_gpu_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/aio_store_gpu_tensor.py -------------------------------------------------------------------------------- /deepnvme/file_access/gds_load_gpu_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/gds_load_gpu_tensor.py -------------------------------------------------------------------------------- /deepnvme/file_access/gds_store_gpu_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/gds_store_gpu_tensor.py -------------------------------------------------------------------------------- /deepnvme/file_access/media/deepnvme_ops_report.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/media/deepnvme_ops_report.png -------------------------------------------------------------------------------- /deepnvme/file_access/py_load_cpu_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/py_load_cpu_tensor.py -------------------------------------------------------------------------------- /deepnvme/file_access/py_load_gpu_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/py_load_gpu_tensor.py -------------------------------------------------------------------------------- /deepnvme/file_access/py_store_cpu_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/py_store_cpu_tensor.py -------------------------------------------------------------------------------- /deepnvme/file_access/py_store_gpu_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/py_store_gpu_tensor.py -------------------------------------------------------------------------------- /deepnvme/file_access/run_load_tensor.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/run_load_tensor.sh -------------------------------------------------------------------------------- /deepnvme/file_access/run_store_tensor.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/run_store_tensor.sh -------------------------------------------------------------------------------- /deepnvme/file_access/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/file_access/utils.py -------------------------------------------------------------------------------- /deepnvme/model_checkpoint/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/model_checkpoint/README.md -------------------------------------------------------------------------------- /deepnvme/model_checkpoint/deepspeed_save_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/model_checkpoint/deepspeed_save_model.py -------------------------------------------------------------------------------- /deepnvme/model_checkpoint/requirements.txt: -------------------------------------------------------------------------------- 1 | transformers 2 | -------------------------------------------------------------------------------- /deepnvme/model_checkpoint/save_model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/model_checkpoint/save_model_utils.py -------------------------------------------------------------------------------- /deepnvme/model_checkpoint/torch/serialization_fast_v2.6.0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/model_checkpoint/torch/serialization_fast_v2.6.0.py -------------------------------------------------------------------------------- /deepnvme/model_checkpoint/torch/serialization_orig_v2.6.0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/model_checkpoint/torch/serialization_orig_v2.6.0.py -------------------------------------------------------------------------------- /deepnvme/model_checkpoint/torch_save_load_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/model_checkpoint/torch_save_load_model.py -------------------------------------------------------------------------------- /deepnvme/model_checkpoint/torch_save_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/model_checkpoint/torch_save_model.py -------------------------------------------------------------------------------- /deepnvme/model_checkpoint/torch_save_tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/model_checkpoint/torch_save_tensor.py -------------------------------------------------------------------------------- /deepnvme/model_checkpoint/torch_save_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/model_checkpoint/torch_save_utils.py -------------------------------------------------------------------------------- /deepnvme/zero_inference/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/zero_inference/README.md -------------------------------------------------------------------------------- /deepnvme/zero_inference/media/nvme_config.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/zero_inference/media/nvme_config.png -------------------------------------------------------------------------------- /deepnvme/zero_inference/media/zero_inf_mem_use_cpu.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/zero_inference/media/zero_inf_mem_use_cpu.png -------------------------------------------------------------------------------- /deepnvme/zero_inference/media/zero_inf_mem_use_gds.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/deepnvme/zero_inference/media/zero_inf_mem_use_gds.png -------------------------------------------------------------------------------- /evaluation/inference/human_eval/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/evaluation/inference/human_eval/README.md -------------------------------------------------------------------------------- /evaluation/inference/human_eval/run_human_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/evaluation/inference/human_eval/run_human_eval.py -------------------------------------------------------------------------------- /inference/huggingface/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/README.md -------------------------------------------------------------------------------- /inference/huggingface/automatic-speech-recognition/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/automatic-speech-recognition/README.md -------------------------------------------------------------------------------- /inference/huggingface/automatic-speech-recognition/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/automatic-speech-recognition/requirements.txt -------------------------------------------------------------------------------- /inference/huggingface/automatic-speech-recognition/test-wav2vec2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/automatic-speech-recognition/test-wav2vec2.py -------------------------------------------------------------------------------- /inference/huggingface/fill-mask/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/fill-mask/README.md -------------------------------------------------------------------------------- /inference/huggingface/fill-mask/requirements.txt: -------------------------------------------------------------------------------- 1 | deepspeed 2 | torch 3 | transformers==4.21.2 4 | -------------------------------------------------------------------------------- /inference/huggingface/fill-mask/test-bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/fill-mask/test-bert.py -------------------------------------------------------------------------------- /inference/huggingface/fill-mask/test-electra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/fill-mask/test-electra.py -------------------------------------------------------------------------------- /inference/huggingface/fill-mask/test-roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/fill-mask/test-roberta.py -------------------------------------------------------------------------------- /inference/huggingface/stable-diffusion/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/stable-diffusion/README.md -------------------------------------------------------------------------------- /inference/huggingface/stable-diffusion/local_pipeline_stable_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/stable-diffusion/local_pipeline_stable_diffusion.py -------------------------------------------------------------------------------- /inference/huggingface/stable-diffusion/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/stable-diffusion/requirements.txt -------------------------------------------------------------------------------- /inference/huggingface/stable-diffusion/test-stable-diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/stable-diffusion/test-stable-diffusion.py -------------------------------------------------------------------------------- /inference/huggingface/text-generation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/text-generation/README.md -------------------------------------------------------------------------------- /inference/huggingface/text-generation/arguments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/text-generation/arguments.py -------------------------------------------------------------------------------- /inference/huggingface/text-generation/ds-hf-compare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/text-generation/ds-hf-compare.py -------------------------------------------------------------------------------- /inference/huggingface/text-generation/inference-test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/text-generation/inference-test.py -------------------------------------------------------------------------------- /inference/huggingface/text-generation/requirements.txt: -------------------------------------------------------------------------------- 1 | deepspeed 2 | torch 3 | transformers==4.28.1 4 | -------------------------------------------------------------------------------- /inference/huggingface/text-generation/run-generation-script/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/text-generation/run-generation-script/README.md -------------------------------------------------------------------------------- /inference/huggingface/text-generation/run-generation-script/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/text-generation/run-generation-script/requirements.txt -------------------------------------------------------------------------------- /inference/huggingface/text-generation/run-generation-script/sample_query.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/text-generation/run-generation-script/sample_query.txt -------------------------------------------------------------------------------- /inference/huggingface/text-generation/run-generation-script/single_query.txt: -------------------------------------------------------------------------------- 1 | What is DeepSpeed? 2 | -------------------------------------------------------------------------------- /inference/huggingface/text-generation/run-generation-script/test-gpt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/text-generation/run-generation-script/test-gpt.sh -------------------------------------------------------------------------------- /inference/huggingface/text-generation/run-generation-script/test-run-generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/text-generation/run-generation-script/test-run-generation.py -------------------------------------------------------------------------------- /inference/huggingface/text-generation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/text-generation/utils.py -------------------------------------------------------------------------------- /inference/huggingface/text2text-generation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/text2text-generation/README.md -------------------------------------------------------------------------------- /inference/huggingface/text2text-generation/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/text2text-generation/requirements.txt -------------------------------------------------------------------------------- /inference/huggingface/text2text-generation/test-t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/text2text-generation/test-t5.py -------------------------------------------------------------------------------- /inference/huggingface/translation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/translation/README.md -------------------------------------------------------------------------------- /inference/huggingface/translation/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/translation/requirements.txt -------------------------------------------------------------------------------- /inference/huggingface/translation/test-t5-base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/translation/test-t5-base.py -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/README.md -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/images/over_v1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/images/over_v1.png -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/model-support.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/model-support.md -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/requirements.txt -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/run_bloom175b_a6000.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/run_bloom175b_a6000.sh -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/run_llama2_70b_a6000.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/run_llama2_70b_a6000.sh -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/run_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/run_model.py -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/run_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/run_model.sh -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/run_opt175b_a6000.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/run_opt175b_a6000.sh -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/run_opt1p3b_a6000.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/run_opt1p3b_a6000.sh -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/run_opt30b_a6000.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/run_opt30b_a6000.sh -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/run_opt66b_a6000.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/run_opt66b_a6000.sh -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/timer.py -------------------------------------------------------------------------------- /inference/huggingface/zero_inference/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/huggingface/zero_inference/utils.py -------------------------------------------------------------------------------- /inference/mii/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/mii/README.md -------------------------------------------------------------------------------- /inference/mii/non-persistent/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/mii/non-persistent/README.md -------------------------------------------------------------------------------- /inference/mii/non-persistent/falcon.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/mii/non-persistent/falcon.py -------------------------------------------------------------------------------- /inference/mii/non-persistent/llama2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/mii/non-persistent/llama2.py -------------------------------------------------------------------------------- /inference/mii/non-persistent/mixtral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/mii/non-persistent/mixtral.py -------------------------------------------------------------------------------- /inference/mii/non-persistent/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/mii/non-persistent/pipeline.py -------------------------------------------------------------------------------- /inference/mii/persistent/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/mii/persistent/README.md -------------------------------------------------------------------------------- /inference/mii/persistent/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/mii/persistent/client.py -------------------------------------------------------------------------------- /inference/mii/persistent/serve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/mii/persistent/serve.py -------------------------------------------------------------------------------- /inference/mii/persistent/terminate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/mii/persistent/terminate.py -------------------------------------------------------------------------------- /inference/mii/requirements.txt: -------------------------------------------------------------------------------- 1 | deepspeed-mii>=0.1.3 2 | -------------------------------------------------------------------------------- /inference/sglang/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/sglang/README.md -------------------------------------------------------------------------------- /inference/sglang/ds_offload_cpu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/sglang/ds_offload_cpu.json -------------------------------------------------------------------------------- /inference/sglang/ds_offload_nvme_aio.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/sglang/ds_offload_nvme_aio.json -------------------------------------------------------------------------------- /inference/sglang/ds_offload_nvme_gds.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/sglang/ds_offload_nvme_gds.json -------------------------------------------------------------------------------- /inference/sglang/run_llama3_1B.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/sglang/run_llama3_1B.sh -------------------------------------------------------------------------------- /inference/sglang/run_llama3_70B.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/sglang/run_llama3_70B.sh -------------------------------------------------------------------------------- /inference/sglang/run_llama3_8B.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/inference/sglang/run_llama3_8B.sh -------------------------------------------------------------------------------- /scripts/check-license.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/scripts/check-license.py -------------------------------------------------------------------------------- /training/BingBertGlue/glue_bert_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/glue_bert_base.json -------------------------------------------------------------------------------- /training/BingBertGlue/glue_bert_large.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/glue_bert_large.json -------------------------------------------------------------------------------- /training/BingBertGlue/nvidia/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/nvidia/modeling.py -------------------------------------------------------------------------------- /training/BingBertGlue/nvidia/modelingpreln.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/nvidia/modelingpreln.py -------------------------------------------------------------------------------- /training/BingBertGlue/nvidia/modelingpreln_layerdrop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/nvidia/modelingpreln_layerdrop.py -------------------------------------------------------------------------------- /training/BingBertGlue/nvidia_bert_dataset_provider.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/nvidia_bert_dataset_provider.py -------------------------------------------------------------------------------- /training/BingBertGlue/pytorch_pretrained_bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/pytorch_pretrained_bert/__init__.py -------------------------------------------------------------------------------- /training/BingBertGlue/pytorch_pretrained_bert/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/pytorch_pretrained_bert/__main__.py -------------------------------------------------------------------------------- /training/BingBertGlue/pytorch_pretrained_bert/convert_tf_checkpoint_to_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/pytorch_pretrained_bert/convert_tf_checkpoint_to_pytorch.py -------------------------------------------------------------------------------- /training/BingBertGlue/pytorch_pretrained_bert/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/pytorch_pretrained_bert/file_utils.py -------------------------------------------------------------------------------- /training/BingBertGlue/pytorch_pretrained_bert/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/pytorch_pretrained_bert/modeling.py -------------------------------------------------------------------------------- /training/BingBertGlue/pytorch_pretrained_bert/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/pytorch_pretrained_bert/optimization.py -------------------------------------------------------------------------------- /training/BingBertGlue/pytorch_pretrained_bert/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/pytorch_pretrained_bert/tokenization.py -------------------------------------------------------------------------------- /training/BingBertGlue/run_glue_bert_base_finetune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/run_glue_bert_base_finetune.sh -------------------------------------------------------------------------------- /training/BingBertGlue/run_glue_bert_large_finetune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/run_glue_bert_large_finetune.sh -------------------------------------------------------------------------------- /training/BingBertGlue/run_glue_classifier_bert_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/run_glue_classifier_bert_base.py -------------------------------------------------------------------------------- /training/BingBertGlue/run_glue_classifier_bert_large.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/run_glue_classifier_bert_large.py -------------------------------------------------------------------------------- /training/BingBertGlue/turing/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/turing/dataset.py -------------------------------------------------------------------------------- /training/BingBertGlue/turing/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/turing/file_utils.py -------------------------------------------------------------------------------- /training/BingBertGlue/turing/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/turing/logger.py -------------------------------------------------------------------------------- /training/BingBertGlue/turing/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/turing/loss.py -------------------------------------------------------------------------------- /training/BingBertGlue/turing/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/turing/models.py -------------------------------------------------------------------------------- /training/BingBertGlue/turing/sources.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/turing/sources.py -------------------------------------------------------------------------------- /training/BingBertGlue/turing/text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/turing/text.py -------------------------------------------------------------------------------- /training/BingBertGlue/turing/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertGlue/turing/utils.py -------------------------------------------------------------------------------- /training/BingBertSquad/1-bit_adam/mpi_ethernet/deepspeed_onebitadam_bsz96_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/1-bit_adam/mpi_ethernet/deepspeed_onebitadam_bsz96_config.json -------------------------------------------------------------------------------- /training/BingBertSquad/1-bit_adam/mpi_ethernet/run_squad_deepspeed_onebitadam.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/1-bit_adam/mpi_ethernet/run_squad_deepspeed_onebitadam.sh -------------------------------------------------------------------------------- /training/BingBertSquad/1-bit_adam/mpi_ethernet/run_squad_mpi_onebitadam.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/1-bit_adam/mpi_ethernet/run_squad_mpi_onebitadam.sh -------------------------------------------------------------------------------- /training/BingBertSquad/1-bit_adam/mpi_infiniband/deepspeed_onebitadam_bsz96_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/1-bit_adam/mpi_infiniband/deepspeed_onebitadam_bsz96_config.json -------------------------------------------------------------------------------- /training/BingBertSquad/1-bit_adam/mpi_infiniband/run_squad_deepspeed_onebitadam.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/1-bit_adam/mpi_infiniband/run_squad_deepspeed_onebitadam.sh -------------------------------------------------------------------------------- /training/BingBertSquad/1-bit_adam/mpi_infiniband/run_squad_mpi_onebitadam.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/1-bit_adam/mpi_infiniband/run_squad_mpi_onebitadam.sh -------------------------------------------------------------------------------- /training/BingBertSquad/1-bit_adam/nccl/deepspeed_onebitadam_bsz96_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/1-bit_adam/nccl/deepspeed_onebitadam_bsz96_config.json -------------------------------------------------------------------------------- /training/BingBertSquad/1-bit_adam/nccl/run_squad_deepspeed_onebitadam.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/1-bit_adam/nccl/run_squad_deepspeed_onebitadam.sh -------------------------------------------------------------------------------- /training/BingBertSquad/NOTICE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/NOTICE.txt -------------------------------------------------------------------------------- /training/BingBertSquad/ckpt/bert-large-uncased-whole-word-masking-config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/ckpt/bert-large-uncased-whole-word-masking-config.json -------------------------------------------------------------------------------- /training/BingBertSquad/convert_bert_ckpt_to_deepspeed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/convert_bert_ckpt_to_deepspeed.py -------------------------------------------------------------------------------- /training/BingBertSquad/deepspeed_bsz24_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/deepspeed_bsz24_config.json -------------------------------------------------------------------------------- /training/BingBertSquad/evaluate-v1.1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/evaluate-v1.1.py -------------------------------------------------------------------------------- /training/BingBertSquad/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/evaluate.py -------------------------------------------------------------------------------- /training/BingBertSquad/nvidia_run_squad_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/nvidia_run_squad_baseline.py -------------------------------------------------------------------------------- /training/BingBertSquad/nvidia_run_squad_deepspeed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/nvidia_run_squad_deepspeed.py -------------------------------------------------------------------------------- /training/BingBertSquad/pytorch_pretrained_bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/pytorch_pretrained_bert/__init__.py -------------------------------------------------------------------------------- /training/BingBertSquad/pytorch_pretrained_bert/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/pytorch_pretrained_bert/file_utils.py -------------------------------------------------------------------------------- /training/BingBertSquad/pytorch_pretrained_bert/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/pytorch_pretrained_bert/modeling.py -------------------------------------------------------------------------------- /training/BingBertSquad/pytorch_pretrained_bert/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/pytorch_pretrained_bert/optimization.py -------------------------------------------------------------------------------- /training/BingBertSquad/pytorch_pretrained_bert/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/pytorch_pretrained_bert/tokenization.py -------------------------------------------------------------------------------- /training/BingBertSquad/run_hf.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/run_hf.sh -------------------------------------------------------------------------------- /training/BingBertSquad/run_squad_baseline.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/run_squad_baseline.sh -------------------------------------------------------------------------------- /training/BingBertSquad/run_squad_deepspeed.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/run_squad_deepspeed.sh -------------------------------------------------------------------------------- /training/BingBertSquad/turing/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/turing/file_utils.py -------------------------------------------------------------------------------- /training/BingBertSquad/turing/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/turing/loss.py -------------------------------------------------------------------------------- /training/BingBertSquad/turing/modelingpreln_layerdrop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/turing/modelingpreln_layerdrop.py -------------------------------------------------------------------------------- /training/BingBertSquad/turing/nvidia_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/turing/nvidia_modeling.py -------------------------------------------------------------------------------- /training/BingBertSquad/turing/nvidia_modelingpreln.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/turing/nvidia_modelingpreln.py -------------------------------------------------------------------------------- /training/BingBertSquad/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/BingBertSquad/utils.py -------------------------------------------------------------------------------- /training/DeepSpeed-Domino/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-Domino/README.md -------------------------------------------------------------------------------- /training/DeepSpeed-Domino/domino/gpt_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-Domino/domino/gpt_model.py -------------------------------------------------------------------------------- /training/DeepSpeed-Domino/domino/language_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-Domino/domino/language_model.py -------------------------------------------------------------------------------- /training/DeepSpeed-Domino/domino/training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-Domino/domino/training.py -------------------------------------------------------------------------------- /training/DeepSpeed-Domino/pretrain_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-Domino/pretrain_gpt.py -------------------------------------------------------------------------------- /training/DeepSpeed-Domino/pretrain_gpt3_13b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-Domino/pretrain_gpt3_13b.sh -------------------------------------------------------------------------------- /training/DeepSpeed-Domino/pretrain_gpt3_6.7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-Domino/pretrain_gpt3_6.7b.sh -------------------------------------------------------------------------------- /training/DeepSpeed-Domino/requirements.txt: -------------------------------------------------------------------------------- 1 | apex 2 | deepspeed>=0.16.6 3 | nltk 4 | pybind11 5 | transformers 6 | regex 7 | -------------------------------------------------------------------------------- /training/DeepSpeed-SuperOffload/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-SuperOffload/README.md -------------------------------------------------------------------------------- /training/DeepSpeed-SuperOffload/finetune_gpt-oss-20b_1gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-SuperOffload/finetune_gpt-oss-20b_1gpu.sh -------------------------------------------------------------------------------- /training/DeepSpeed-SuperOffload/finetune_llama-70b_4gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-SuperOffload/finetune_llama-70b_4gpu.sh -------------------------------------------------------------------------------- /training/DeepSpeed-SuperOffload/finetune_llama-8b_1gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-SuperOffload/finetune_llama-8b_1gpu.sh -------------------------------------------------------------------------------- /training/DeepSpeed-SuperOffload/finetune_phi-4_1gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-SuperOffload/finetune_phi-4_1gpu.sh -------------------------------------------------------------------------------- /training/DeepSpeed-SuperOffload/finetune_qwen3-14b_1gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-SuperOffload/finetune_qwen3-14b_1gpu.sh -------------------------------------------------------------------------------- /training/DeepSpeed-SuperOffload/finetune_qwen3-30b-a3b_2gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-SuperOffload/finetune_qwen3-30b-a3b_2gpu.sh -------------------------------------------------------------------------------- /training/DeepSpeed-SuperOffload/finetune_seed-oss-36b_2gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-SuperOffload/finetune_seed-oss-36b_2gpu.sh -------------------------------------------------------------------------------- /training/DeepSpeed-SuperOffload/finetune_zero3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-SuperOffload/finetune_zero3.py -------------------------------------------------------------------------------- /training/DeepSpeed-SuperOffload/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-SuperOffload/requirements.txt -------------------------------------------------------------------------------- /training/DeepSpeed-ZenFlow/benchmark/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-ZenFlow/benchmark/README.md -------------------------------------------------------------------------------- /training/DeepSpeed-ZenFlow/benchmark/output_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-ZenFlow/benchmark/output_table.py -------------------------------------------------------------------------------- /training/DeepSpeed-ZenFlow/benchmark/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-ZenFlow/benchmark/requirements.txt -------------------------------------------------------------------------------- /training/DeepSpeed-ZenFlow/benchmark/run_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-ZenFlow/benchmark/run_benchmark.sh -------------------------------------------------------------------------------- /training/DeepSpeed-ZenFlow/benchmark/zf_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-ZenFlow/benchmark/zf_benchmark.py -------------------------------------------------------------------------------- /training/DeepSpeed-ZenFlow/finetuning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-ZenFlow/finetuning/README.md -------------------------------------------------------------------------------- /training/DeepSpeed-ZenFlow/finetuning/finetune_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-ZenFlow/finetuning/finetune_llama.py -------------------------------------------------------------------------------- /training/DeepSpeed-ZenFlow/finetuning/finetune_llama.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-ZenFlow/finetuning/finetune_llama.sh -------------------------------------------------------------------------------- /training/DeepSpeed-ZenFlow/finetuning/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-ZenFlow/finetuning/requirements.txt -------------------------------------------------------------------------------- /training/DeepSpeed-ZenFlow/finetuning/zf_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/DeepSpeed-ZenFlow/finetuning/zf_config.json -------------------------------------------------------------------------------- /training/HelloDeepSpeed/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/HelloDeepSpeed/README.md -------------------------------------------------------------------------------- /training/HelloDeepSpeed/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/HelloDeepSpeed/requirements.txt -------------------------------------------------------------------------------- /training/HelloDeepSpeed/run.sh: -------------------------------------------------------------------------------- 1 | python train_bert.py --checkpoint_dir ./experiment 2 | -------------------------------------------------------------------------------- /training/HelloDeepSpeed/run_ds.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/HelloDeepSpeed/run_ds.sh -------------------------------------------------------------------------------- /training/HelloDeepSpeed/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /training/HelloDeepSpeed/tests/test_train_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/HelloDeepSpeed/tests/test_train_bert.py -------------------------------------------------------------------------------- /training/HelloDeepSpeed/train_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/HelloDeepSpeed/train_bert.py -------------------------------------------------------------------------------- /training/HelloDeepSpeed/train_bert_ds.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/HelloDeepSpeed/train_bert_ds.py -------------------------------------------------------------------------------- /training/MoQ/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/MoQ/README.md -------------------------------------------------------------------------------- /training/MoQ/huggingface-transformers/examples/research_projects/lxmert/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/MoQ/huggingface-transformers/examples/research_projects/lxmert/requirements.txt -------------------------------------------------------------------------------- /training/MoQ/requirements.txt: -------------------------------------------------------------------------------- 1 | datasets >= 1.1.3 2 | sentencepiece != 0.1.92 3 | protobuf 4 | -------------------------------------------------------------------------------- /training/MoQ/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/MoQ/run.sh -------------------------------------------------------------------------------- /training/MoQ/run_glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/MoQ/run_glue.py -------------------------------------------------------------------------------- /training/MoQ/test.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/MoQ/test.json -------------------------------------------------------------------------------- /training/autotuning/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/.gitignore -------------------------------------------------------------------------------- /training/autotuning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/README.md -------------------------------------------------------------------------------- /training/autotuning/hf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/README.md -------------------------------------------------------------------------------- /training/autotuning/hf/bert-base/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/bert-base/README.md -------------------------------------------------------------------------------- /training/autotuning/hf/bert-base/ds_config_tune.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/bert-base/ds_config_tune.json -------------------------------------------------------------------------------- /training/autotuning/hf/bert-base/test_tune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/bert-base/test_tune.sh -------------------------------------------------------------------------------- /training/autotuning/hf/bert-large/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/bert-large/README.md -------------------------------------------------------------------------------- /training/autotuning/hf/bert-large/ds_config_tune.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/bert-large/ds_config_tune.json -------------------------------------------------------------------------------- /training/autotuning/hf/bert-large/test_tune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/bert-large/test_tune.sh -------------------------------------------------------------------------------- /training/autotuning/hf/deberta/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/deberta/README.md -------------------------------------------------------------------------------- /training/autotuning/hf/deberta/ds_config_fp16_tune.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/deberta/ds_config_fp16_tune.json -------------------------------------------------------------------------------- /training/autotuning/hf/deberta/test_tune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/deberta/test_tune.sh -------------------------------------------------------------------------------- /training/autotuning/hf/distilbert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/distilbert/README.md -------------------------------------------------------------------------------- /training/autotuning/hf/distilbert/ds_config_tune.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/distilbert/ds_config_tune.json -------------------------------------------------------------------------------- /training/autotuning/hf/distilbert/test_tune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/distilbert/test_tune.sh -------------------------------------------------------------------------------- /training/autotuning/hf/dsconfigs/ds_config_fp16_tune.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/dsconfigs/ds_config_fp16_tune.json -------------------------------------------------------------------------------- /training/autotuning/hf/dsconfigs/ds_config_fp16_z0.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/dsconfigs/ds_config_fp16_z0.json -------------------------------------------------------------------------------- /training/autotuning/hf/dsconfigs/ds_config_fp16_z1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/dsconfigs/ds_config_fp16_z1.json -------------------------------------------------------------------------------- /training/autotuning/hf/dsconfigs/ds_config_fp16_z2.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/dsconfigs/ds_config_fp16_z2.json -------------------------------------------------------------------------------- /training/autotuning/hf/dsconfigs/ds_config_fp16_z3.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/dsconfigs/ds_config_fp16_z3.json -------------------------------------------------------------------------------- /training/autotuning/hf/dsconfigs/ds_config_tune.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/dsconfigs/ds_config_tune.json -------------------------------------------------------------------------------- /training/autotuning/hf/dsconfigs/ds_config_z0.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/dsconfigs/ds_config_z0.json -------------------------------------------------------------------------------- /training/autotuning/hf/dsconfigs/ds_config_z1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/dsconfigs/ds_config_z1.json -------------------------------------------------------------------------------- /training/autotuning/hf/dsconfigs/ds_config_z2.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/dsconfigs/ds_config_z2.json -------------------------------------------------------------------------------- /training/autotuning/hf/dsconfigs/ds_config_z3.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/dsconfigs/ds_config_z3.json -------------------------------------------------------------------------------- /training/autotuning/hf/gpt2-large/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/gpt2-large/README.md -------------------------------------------------------------------------------- /training/autotuning/hf/gpt2-large/test_tune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/gpt2-large/test_tune.sh -------------------------------------------------------------------------------- /training/autotuning/hf/gpt2-medium/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/gpt2-medium/README.md -------------------------------------------------------------------------------- /training/autotuning/hf/gpt2-medium/test_tune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/gpt2-medium/test_tune.sh -------------------------------------------------------------------------------- /training/autotuning/hf/gpt2-xl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/gpt2-xl/README.md -------------------------------------------------------------------------------- /training/autotuning/hf/gpt2-xl/test_tune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/gpt2-xl/test_tune.sh -------------------------------------------------------------------------------- /training/autotuning/hf/gpt2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/gpt2/README.md -------------------------------------------------------------------------------- /training/autotuning/hf/gpt2/test_tune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/autotuning/hf/gpt2/test_tune.sh -------------------------------------------------------------------------------- /training/bing_bert/01_adam/mpi_ethernet/deepspeed_bsz4k_01adam_config_seq128_mpi_ethernet.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/01_adam/mpi_ethernet/deepspeed_bsz4k_01adam_config_seq128_mpi_ethernet.json -------------------------------------------------------------------------------- /training/bing_bert/01_adam/mpi_ethernet/deepspeed_bsz4k_01adam_config_seq512_mpi_ethernet.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/01_adam/mpi_ethernet/deepspeed_bsz4k_01adam_config_seq512_mpi_ethernet.json -------------------------------------------------------------------------------- /training/bing_bert/01_adam/mpi_ethernet/ds_train_bert_01adam_bsz4k_seq128_mpi_ethernet.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/01_adam/mpi_ethernet/ds_train_bert_01adam_bsz4k_seq128_mpi_ethernet.sh -------------------------------------------------------------------------------- /training/bing_bert/01_adam/mpi_ethernet/ds_train_bert_01adam_bsz4k_seq512_mpi_ethernet.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/01_adam/mpi_ethernet/ds_train_bert_01adam_bsz4k_seq512_mpi_ethernet.sh -------------------------------------------------------------------------------- /training/bing_bert/01_adam/mpi_infiniband/deepspeed_bsz4k_01adam_config_seq128_mpi_infiniband.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/01_adam/mpi_infiniband/deepspeed_bsz4k_01adam_config_seq128_mpi_infiniband.json -------------------------------------------------------------------------------- /training/bing_bert/01_adam/mpi_infiniband/deepspeed_bsz4k_01adam_config_seq512_mpi_infiniband.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/01_adam/mpi_infiniband/deepspeed_bsz4k_01adam_config_seq512_mpi_infiniband.json -------------------------------------------------------------------------------- /training/bing_bert/01_adam/mpi_infiniband/ds_train_bert_01adam_bsz4k_seq128_mpi_infiniband.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/01_adam/mpi_infiniband/ds_train_bert_01adam_bsz4k_seq128_mpi_infiniband.sh -------------------------------------------------------------------------------- /training/bing_bert/01_adam/mpi_infiniband/ds_train_bert_01adam_bsz4k_seq512_mpi_infiniband.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/01_adam/mpi_infiniband/ds_train_bert_01adam_bsz4k_seq512_mpi_infiniband.sh -------------------------------------------------------------------------------- /training/bing_bert/01_adam/nccl/deepspeed_bsz4k_01adam_config_seq128_nccl.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/01_adam/nccl/deepspeed_bsz4k_01adam_config_seq128_nccl.json -------------------------------------------------------------------------------- /training/bing_bert/01_adam/nccl/deepspeed_bsz4k_01adam_config_seq512_nccl.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/01_adam/nccl/deepspeed_bsz4k_01adam_config_seq512_nccl.json -------------------------------------------------------------------------------- /training/bing_bert/01_adam/nccl/ds_train_bert_01adam_bsz4k_seq128_nccl.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/01_adam/nccl/ds_train_bert_01adam_bsz4k_seq128_nccl.sh -------------------------------------------------------------------------------- /training/bing_bert/01_adam/nccl/ds_train_bert_01adam_bsz4k_seq512_nccl.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/01_adam/nccl/ds_train_bert_01adam_bsz4k_seq512_nccl.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_adam/mpi_ethernet/deepspeed_bsz4k_onebitadam_config_seq128_mpi_ethernet.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_adam/mpi_ethernet/deepspeed_bsz4k_onebitadam_config_seq128_mpi_ethernet.json -------------------------------------------------------------------------------- /training/bing_bert/1-bit_adam/mpi_ethernet/ds_train_bert_onebitadam_bsz4k_seq128_mpi_ethernet.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_adam/mpi_ethernet/ds_train_bert_onebitadam_bsz4k_seq128_mpi_ethernet.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_adam/mpi_ethernet/mpi_train_bert_onebitadam_bsz4k_seq128_ethernet.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_adam/mpi_ethernet/mpi_train_bert_onebitadam_bsz4k_seq128_ethernet.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_adam/mpi_infiniband/deepspeed_bsz4k_onebitadam_config_seq128_mpi_infiniband.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_adam/mpi_infiniband/deepspeed_bsz4k_onebitadam_config_seq128_mpi_infiniband.json -------------------------------------------------------------------------------- /training/bing_bert/1-bit_adam/mpi_infiniband/ds_train_bert_onebitadam_bsz4k_seq128_mpi_infiniband.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_adam/mpi_infiniband/ds_train_bert_onebitadam_bsz4k_seq128_mpi_infiniband.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_adam/mpi_infiniband/mpi_train_bert_onebitadam_bsz4k_seq128_infiniband.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_adam/mpi_infiniband/mpi_train_bert_onebitadam_bsz4k_seq128_infiniband.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_adam/nccl/deepspeed_bsz4k_onebitadam_config_seq128_nccl.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_adam/nccl/deepspeed_bsz4k_onebitadam_config_seq128_nccl.json -------------------------------------------------------------------------------- /training/bing_bert/1-bit_adam/nccl/ds_train_bert_onebitadam_bsz4k_seq128_nccl.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_adam/nccl/ds_train_bert_onebitadam_bsz4k_seq128_nccl.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/mpi_ethernet/deepspeed_bsz32k_onebitlamb_config_seq512_mpi_ethernet.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/mpi_ethernet/deepspeed_bsz32k_onebitlamb_config_seq512_mpi_ethernet.json -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/mpi_ethernet/deepspeed_bsz64k_onebitlamb_config_seq128_mpi_ethernet.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/mpi_ethernet/deepspeed_bsz64k_onebitlamb_config_seq128_mpi_ethernet.json -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/mpi_ethernet/ds_train_bert_onebitlamb_bsz32k_seq512_mpi_ethernet.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/mpi_ethernet/ds_train_bert_onebitlamb_bsz32k_seq512_mpi_ethernet.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/mpi_ethernet/ds_train_bert_onebitlamb_bsz64k_seq128_mpi_ethernet.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/mpi_ethernet/ds_train_bert_onebitlamb_bsz64k_seq128_mpi_ethernet.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/mpi_ethernet/mpi_train_bert_onebitlamb_bsz32k_seq512_ethernet.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/mpi_ethernet/mpi_train_bert_onebitlamb_bsz32k_seq512_ethernet.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/mpi_ethernet/mpi_train_bert_onebitlamb_bsz64k_seq128_ethernet.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/mpi_ethernet/mpi_train_bert_onebitlamb_bsz64k_seq128_ethernet.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/mpi_infiniband/deepspeed_bsz32k_onebitlamb_config_seq512_mpi_infiniband.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/mpi_infiniband/deepspeed_bsz32k_onebitlamb_config_seq512_mpi_infiniband.json -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/mpi_infiniband/deepspeed_bsz64k_onebitlamb_config_seq128_mpi_infiniband.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/mpi_infiniband/deepspeed_bsz64k_onebitlamb_config_seq128_mpi_infiniband.json -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/mpi_infiniband/ds_train_bert_onebitlamb_bsz32k_seq512_mpi_infiniband.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/mpi_infiniband/ds_train_bert_onebitlamb_bsz32k_seq512_mpi_infiniband.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/mpi_infiniband/ds_train_bert_onebitlamb_bsz64k_seq128_mpi_infiniband.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/mpi_infiniband/ds_train_bert_onebitlamb_bsz64k_seq128_mpi_infiniband.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/mpi_infiniband/mpi_train_bert_onebitlamb_bsz32k_seq512_infiniband.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/mpi_infiniband/mpi_train_bert_onebitlamb_bsz32k_seq512_infiniband.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/mpi_infiniband/mpi_train_bert_onebitlamb_bsz64k_seq128_infiniband.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/mpi_infiniband/mpi_train_bert_onebitlamb_bsz64k_seq128_infiniband.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/nccl/deepspeed_bsz32k_onebitlamb_config_seq512_nccl.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/nccl/deepspeed_bsz32k_onebitlamb_config_seq512_nccl.json -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/nccl/deepspeed_bsz64k_onebitlamb_config_seq128_nccl.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/nccl/deepspeed_bsz64k_onebitlamb_config_seq128_nccl.json -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/nccl/ds_train_bert_onebitlamb_bsz32k_seq512_nccl.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/nccl/ds_train_bert_onebitlamb_bsz32k_seq512_nccl.sh -------------------------------------------------------------------------------- /training/bing_bert/1-bit_lamb/nccl/ds_train_bert_onebitlamb_bsz64k_seq128_nccl.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/1-bit_lamb/nccl/ds_train_bert_onebitlamb_bsz64k_seq128_nccl.sh -------------------------------------------------------------------------------- /training/bing_bert/NOTICE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/NOTICE.txt -------------------------------------------------------------------------------- /training/bing_bert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/README.md -------------------------------------------------------------------------------- /training/bing_bert/bert_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/bert_base.json -------------------------------------------------------------------------------- /training/bing_bert/bert_base_large_lr.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/bert_base_large_lr.json -------------------------------------------------------------------------------- /training/bing_bert/bert_dataset_provider.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/bert_dataset_provider.py -------------------------------------------------------------------------------- /training/bing_bert/bert_large.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/bert_large.json -------------------------------------------------------------------------------- /training/bing_bert/bert_large_lamb.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/bert_large_lamb.json -------------------------------------------------------------------------------- /training/bing_bert/bert_large_lamb_nvidia_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/bert_large_lamb_nvidia_data.json -------------------------------------------------------------------------------- /training/bing_bert/bing_bert_dataset_provider.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/bing_bert_dataset_provider.py -------------------------------------------------------------------------------- /training/bing_bert/data_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/data_worker.py -------------------------------------------------------------------------------- /training/bing_bert/deepspeed_bsz32k_lamb_config_seq512.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/deepspeed_bsz32k_lamb_config_seq512.json -------------------------------------------------------------------------------- /training/bing_bert/deepspeed_bsz4k_progressive_layer_drop_config_seq128.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/deepspeed_bsz4k_progressive_layer_drop_config_seq128.json -------------------------------------------------------------------------------- /training/bing_bert/deepspeed_bsz64k_lamb_config_seq128.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/deepspeed_bsz64k_lamb_config_seq128.json -------------------------------------------------------------------------------- /training/bing_bert/deepspeed_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/deepspeed_train.py -------------------------------------------------------------------------------- /training/bing_bert/ds_sa_train_bert_bsz64k_seq128.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/ds_sa_train_bert_bsz64k_seq128.sh -------------------------------------------------------------------------------- /training/bing_bert/ds_train_bert_bsz32k_seq512.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/ds_train_bert_bsz32k_seq512.sh -------------------------------------------------------------------------------- /training/bing_bert/ds_train_bert_bsz64k_seq128.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/ds_train_bert_bsz64k_seq128.sh -------------------------------------------------------------------------------- /training/bing_bert/ds_train_bert_nvidia_data_bsz32k_seq512.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/ds_train_bert_nvidia_data_bsz32k_seq512.sh -------------------------------------------------------------------------------- /training/bing_bert/ds_train_bert_nvidia_data_bsz64k_seq128.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/ds_train_bert_nvidia_data_bsz64k_seq128.sh -------------------------------------------------------------------------------- /training/bing_bert/ds_train_bert_progressive_layer_drop_bsz4k_seq128.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/ds_train_bert_progressive_layer_drop_bsz4k_seq128.sh -------------------------------------------------------------------------------- /training/bing_bert/glue_bert_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/glue_bert_base.json -------------------------------------------------------------------------------- /training/bing_bert/glue_bert_large.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/glue_bert_large.json -------------------------------------------------------------------------------- /training/bing_bert/nvidia/modelingpreln.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/nvidia/modelingpreln.py -------------------------------------------------------------------------------- /training/bing_bert/nvidia/modelingpreln_layerdrop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/nvidia/modelingpreln_layerdrop.py -------------------------------------------------------------------------------- /training/bing_bert/nvidia_bert_dataset_provider.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/nvidia_bert_dataset_provider.py -------------------------------------------------------------------------------- /training/bing_bert/pytorch_pretrained_bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/pytorch_pretrained_bert/__init__.py -------------------------------------------------------------------------------- /training/bing_bert/pytorch_pretrained_bert/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/pytorch_pretrained_bert/__main__.py -------------------------------------------------------------------------------- /training/bing_bert/pytorch_pretrained_bert/convert_tf_checkpoint_to_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/pytorch_pretrained_bert/convert_tf_checkpoint_to_pytorch.py -------------------------------------------------------------------------------- /training/bing_bert/pytorch_pretrained_bert/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/pytorch_pretrained_bert/file_utils.py -------------------------------------------------------------------------------- /training/bing_bert/pytorch_pretrained_bert/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/pytorch_pretrained_bert/modeling.py -------------------------------------------------------------------------------- /training/bing_bert/pytorch_pretrained_bert/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/pytorch_pretrained_bert/optimization.py -------------------------------------------------------------------------------- /training/bing_bert/pytorch_pretrained_bert/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/pytorch_pretrained_bert/tokenization.py -------------------------------------------------------------------------------- /training/bing_bert/requirements.txt: -------------------------------------------------------------------------------- 1 | sklearn 2 | -------------------------------------------------------------------------------- /training/bing_bert/run_glue_bert_base_finetune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/run_glue_bert_base_finetune.sh -------------------------------------------------------------------------------- /training/bing_bert/run_glue_bert_large_finetune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/run_glue_bert_large_finetune.sh -------------------------------------------------------------------------------- /training/bing_bert/run_glue_classifier_bert_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/run_glue_classifier_bert_base.py -------------------------------------------------------------------------------- /training/bing_bert/run_glue_classifier_bert_large.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/run_glue_classifier_bert_large.py -------------------------------------------------------------------------------- /training/bing_bert/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/timer.py -------------------------------------------------------------------------------- /training/bing_bert/turing/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/turing/dataset.py -------------------------------------------------------------------------------- /training/bing_bert/turing/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/turing/file_utils.py -------------------------------------------------------------------------------- /training/bing_bert/turing/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/turing/logger.py -------------------------------------------------------------------------------- /training/bing_bert/turing/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/turing/loss.py -------------------------------------------------------------------------------- /training/bing_bert/turing/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/turing/models.py -------------------------------------------------------------------------------- /training/bing_bert/turing/sources.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/turing/sources.py -------------------------------------------------------------------------------- /training/bing_bert/turing/text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/turing/text.py -------------------------------------------------------------------------------- /training/bing_bert/turing/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/turing/utils.py -------------------------------------------------------------------------------- /training/bing_bert/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/bing_bert/utils.py -------------------------------------------------------------------------------- /training/cifar/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/cifar/LICENSE -------------------------------------------------------------------------------- /training/cifar/NOTICE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/cifar/NOTICE.txt -------------------------------------------------------------------------------- /training/cifar/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/cifar/README.md -------------------------------------------------------------------------------- /training/cifar/cifar10_deepspeed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/cifar/cifar10_deepspeed.py -------------------------------------------------------------------------------- /training/cifar/cifar10_tutorial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/cifar/cifar10_tutorial.py -------------------------------------------------------------------------------- /training/cifar/requirements.txt: -------------------------------------------------------------------------------- 1 | torchvision==0.4.0 2 | pillow>=7.1.0 3 | matplotlib 4 | -------------------------------------------------------------------------------- /training/cifar/run_ds.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/cifar/run_ds.sh -------------------------------------------------------------------------------- /training/cifar/run_ds_moe.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/cifar/run_ds_moe.sh -------------------------------------------------------------------------------- /training/cifar/run_ds_prmoe.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/cifar/run_ds_prmoe.sh -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/README.md -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/analyze_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/analyze_data.py -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/bash_script/run_base_random_ltd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/bash_script/run_base_random_ltd.sh -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/bash_script/run_medium_random_ltd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/bash_script/run_medium_random_ltd.sh -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/config/ds_config_gpt_base_random_ltd.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/config/ds_config_gpt_base_random_ltd.json -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/config/ds_config_gpt_medium_random_ltd.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/config/ds_config_gpt_medium_random_ltd.json -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/finetune/ds_analyze_gpt_data_map.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/finetune/ds_analyze_gpt_data_map.sh -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/finetune/ds_analyze_gpt_data_reduce.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/finetune/ds_analyze_gpt_data_reduce.sh -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/finetune/ds_config_gpt2-medium_1clmetric_TEMPLATE.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/finetune/ds_config_gpt2-medium_1clmetric_TEMPLATE.json -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/finetune/ds_config_gpt2-medium_2clmetrics_TEMPLATE.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/finetune/ds_config_gpt2-medium_2clmetrics_TEMPLATE.json -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/finetune/ds_config_gpt2_TEMPLATE.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/finetune/ds_config_gpt2_TEMPLATE.json -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/finetune/ds_finetune_gpt2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/finetune/ds_finetune_gpt2.sh -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/finetune/ds_finetune_gpt2_run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/finetune/ds_finetune_gpt2_run.sh -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/learning_rates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/learning_rates.py -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/requirement.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/requirement.txt -------------------------------------------------------------------------------- /training/data_efficiency/gpt_finetuning/run_clm_no_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/gpt_finetuning/run_clm_no_trainer.py -------------------------------------------------------------------------------- /training/data_efficiency/variable_batch_size_and_lr/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/variable_batch_size_and_lr/README.md -------------------------------------------------------------------------------- /training/data_efficiency/variable_batch_size_and_lr/variable_attn_matrix.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/variable_batch_size_and_lr/variable_attn_matrix.png -------------------------------------------------------------------------------- /training/data_efficiency/variable_batch_size_and_lr/variable_batch_lr.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/variable_batch_size_and_lr/variable_batch_lr.png -------------------------------------------------------------------------------- /training/data_efficiency/variable_batch_size_and_lr/variable_batch_lr_pipeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/variable_batch_size_and_lr/variable_batch_lr_pipeline.png -------------------------------------------------------------------------------- /training/data_efficiency/variable_batch_size_and_lr/variable_batch_size_and_lr_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/variable_batch_size_and_lr/variable_batch_size_and_lr_example.py -------------------------------------------------------------------------------- /training/data_efficiency/vit_finetuning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/vit_finetuning/README.md -------------------------------------------------------------------------------- /training/data_efficiency/vit_finetuning/bash_script/run_cifar_random_ltd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/vit_finetuning/bash_script/run_cifar_random_ltd.sh -------------------------------------------------------------------------------- /training/data_efficiency/vit_finetuning/bash_script/run_imagenet_random_ltd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/vit_finetuning/bash_script/run_imagenet_random_ltd.sh -------------------------------------------------------------------------------- /training/data_efficiency/vit_finetuning/config/ds_config_cifar_random_ltd.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/vit_finetuning/config/ds_config_cifar_random_ltd.json -------------------------------------------------------------------------------- /training/data_efficiency/vit_finetuning/config/ds_config_imagenet_random_ltd.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/vit_finetuning/config/ds_config_imagenet_random_ltd.json -------------------------------------------------------------------------------- /training/data_efficiency/vit_finetuning/main_cifar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/vit_finetuning/main_cifar.py -------------------------------------------------------------------------------- /training/data_efficiency/vit_finetuning/main_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/vit_finetuning/main_imagenet.py -------------------------------------------------------------------------------- /training/data_efficiency/vit_finetuning/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/vit_finetuning/models/__init__.py -------------------------------------------------------------------------------- /training/data_efficiency/vit_finetuning/models/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/vit_finetuning/models/vit.py -------------------------------------------------------------------------------- /training/data_efficiency/vit_finetuning/requirement.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/vit_finetuning/requirement.txt -------------------------------------------------------------------------------- /training/data_efficiency/vit_finetuning/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/vit_finetuning/utils/__init__.py -------------------------------------------------------------------------------- /training/data_efficiency/vit_finetuning/utils/get_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/vit_finetuning/utils/get_data.py -------------------------------------------------------------------------------- /training/data_efficiency/vit_finetuning/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/data_efficiency/vit_finetuning/utils/utils.py -------------------------------------------------------------------------------- /training/gan/gan_baseline_run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/gan/gan_baseline_run.sh -------------------------------------------------------------------------------- /training/gan/gan_baseline_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/gan/gan_baseline_train.py -------------------------------------------------------------------------------- /training/gan/gan_deepspeed_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/gan/gan_deepspeed_config.json -------------------------------------------------------------------------------- /training/gan/gan_deepspeed_run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/gan/gan_deepspeed_run.sh -------------------------------------------------------------------------------- /training/gan/gan_deepspeed_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/gan/gan_deepspeed_train.py -------------------------------------------------------------------------------- /training/gan/gan_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/gan/gan_model.py -------------------------------------------------------------------------------- /training/gan/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/gan/utils.py -------------------------------------------------------------------------------- /training/imagenet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/imagenet/README.md -------------------------------------------------------------------------------- /training/imagenet/assets/resnetplot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/imagenet/assets/resnetplot.png -------------------------------------------------------------------------------- /training/imagenet/config/ds_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/imagenet/config/ds_config.json -------------------------------------------------------------------------------- /training/imagenet/config/ds_fp16_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/imagenet/config/ds_fp16_config.json -------------------------------------------------------------------------------- /training/imagenet/config/ds_fp16_z1_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/imagenet/config/ds_fp16_z1_config.json -------------------------------------------------------------------------------- /training/imagenet/extract_ILSVRC.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/imagenet/extract_ILSVRC.sh -------------------------------------------------------------------------------- /training/imagenet/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/imagenet/main.py -------------------------------------------------------------------------------- /training/imagenet/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/imagenet/requirements.txt -------------------------------------------------------------------------------- /training/imagenet/run_ds.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/imagenet/run_ds.sh -------------------------------------------------------------------------------- /training/imagenet/run_ds_fp16.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/imagenet/run_ds_fp16.sh -------------------------------------------------------------------------------- /training/imagenet/run_ds_fp16_z1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/imagenet/run_ds_fp16_z1.sh -------------------------------------------------------------------------------- /training/megatron/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/megatron/README.md -------------------------------------------------------------------------------- /training/offload_states/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/offload_states/README.md -------------------------------------------------------------------------------- /training/offload_states/offload_states.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/offload_states/offload_states.py -------------------------------------------------------------------------------- /training/offload_states/output_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/offload_states/output_table.py -------------------------------------------------------------------------------- /training/offload_states/run_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/offload_states/run_benchmark.sh -------------------------------------------------------------------------------- /training/pipeline_parallelism/alexnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/pipeline_parallelism/alexnet.py -------------------------------------------------------------------------------- /training/pipeline_parallelism/ds_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/pipeline_parallelism/ds_config.json -------------------------------------------------------------------------------- /training/pipeline_parallelism/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/pipeline_parallelism/run.sh -------------------------------------------------------------------------------- /training/pipeline_parallelism/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/pipeline_parallelism/train.py -------------------------------------------------------------------------------- /training/stable_diffusion/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/stable_diffusion/README.md -------------------------------------------------------------------------------- /training/stable_diffusion/inf_txt2img_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/stable_diffusion/inf_txt2img_loop.py -------------------------------------------------------------------------------- /training/stable_diffusion/local_pipeline_stable_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/stable_diffusion/local_pipeline_stable_diffusion.py -------------------------------------------------------------------------------- /training/stable_diffusion/mytrainbash.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/stable_diffusion/mytrainbash.sh -------------------------------------------------------------------------------- /training/stable_diffusion/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/stable_diffusion/requirements.txt -------------------------------------------------------------------------------- /training/stable_diffusion/train_sd_distil_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/stable_diffusion/train_sd_distil_lora.py -------------------------------------------------------------------------------- /training/tensor_parallel/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/tensor_parallel/README.md -------------------------------------------------------------------------------- /training/tensor_parallel/alpaca_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/tensor_parallel/alpaca_data.json -------------------------------------------------------------------------------- /training/tensor_parallel/configs/ds_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/tensor_parallel/configs/ds_config.json -------------------------------------------------------------------------------- /training/tensor_parallel/configs/ds_config_temp.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/tensor_parallel/configs/ds_config_temp.json -------------------------------------------------------------------------------- /training/tensor_parallel/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/tensor_parallel/requirements.txt -------------------------------------------------------------------------------- /training/tensor_parallel/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/tensor_parallel/run.sh -------------------------------------------------------------------------------- /training/tensor_parallel/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/tensor_parallel/train.py -------------------------------------------------------------------------------- /training/tensor_parallel/train_bench_length.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/tensor_parallel/train_bench_length.py -------------------------------------------------------------------------------- /training/tensor_parallel/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/deepspeedai/DeepSpeedExamples/HEAD/training/tensor_parallel/utils.py --------------------------------------------------------------------------------