├── LICENSE ├── README.md ├── crystalcoder_logo.jpg ├── finetune └── Megatron-LM │ ├── .coveragerc │ ├── .github │ ├── ISSUE_TEMPLATE │ │ ├── bug.md │ │ ├── enhancement.md │ │ ├── question.md │ │ └── regression.md │ └── workflows │ │ └── stale.yml │ ├── .gitignore │ ├── .gitlab-ci.yml │ ├── CODEOWNERS │ ├── CONTRIBUTING.md │ ├── CrystalCoder │ ├── config.json │ ├── configuration_crystalcoder.py │ ├── generation_config.json │ ├── modeling_crystalcoder.py │ ├── pytorch_model.bin.index.json │ ├── register_crystalcoder.py │ ├── tokenization_crystalcoder_fast copy.py │ ├── tokenization_crystalcoder_fast.py │ ├── tokenizer.json │ └── tokenizer_config.json │ ├── LICENSE │ ├── README.md │ ├── README.old.md │ ├── docs │ ├── distrib_optimizer.md │ ├── images │ │ └── distrib_optimizer │ │ │ ├── data_flow.png │ │ │ └── sharding_scheme.png │ └── llama2.md │ ├── examples │ ├── detxoify_lm │ │ ├── README.md │ │ ├── annotations │ │ │ ├── filter-selfgeneration.py │ │ │ ├── perspective_api_annotate.py │ │ │ └── preprocess.sh │ │ ├── finetune_gpt.py │ │ ├── finetune_gpt_distributed-1.3b.sh │ │ ├── generate-1.3b.sh │ │ ├── generate_samples_gpt.py │ │ ├── perspective_api.py │ │ └── self_generation │ │ │ └── selfgenerate-1.3b-unconditional.sh │ ├── evaluate_retriever_nq.sh │ ├── evaluate_zeroshot_gpt.sh │ ├── finetune_mnli_distributed.sh │ ├── finetune_race_distributed.sh │ ├── finetune_retriever_distributed.sh │ ├── merge_mp_bert.sh │ ├── msdp │ │ ├── README.md │ │ ├── data_processing.sh │ │ ├── eval_knwl_generation.sh │ │ ├── eval_resp_generation.sh │ │ ├── prep_resp_gen.sh │ │ ├── prompt_knwl_gen.sh │ │ └── prompt_resp_gen.sh │ ├── pretrain_bert.sh │ ├── pretrain_bert_distributed.sh │ ├── pretrain_bert_distributed_with_mp.sh │ ├── pretrain_gpt.sh │ ├── pretrain_gpt3_175B.sh │ ├── pretrain_gpt_distributed.sh │ ├── pretrain_gpt_distributed_with_mp.sh │ ├── pretrain_ict.sh │ ├── pretrain_t5.sh │ ├── pretrain_t5_distributed.sh │ ├── pretrain_t5_distributed_with_mp.sh │ ├── pretrain_vision_classify.sh │ ├── pretrain_vision_dino.sh │ ├── pretrain_vision_inpaint.sh │ ├── run_text_generation_server_345M.sh │ ├── run_text_generation_server_345M_8_tensor_parallel.sh │ └── sc21 │ │ ├── CONFIG.sh │ │ ├── README.md │ │ ├── SBATCH.sh │ │ ├── SRUN.sh │ │ ├── run_figure_11.sh │ │ ├── run_figure_12.sh │ │ ├── run_figure_13.sh │ │ ├── run_figure_14.sh │ │ ├── run_figure_15.sh │ │ ├── run_figure_16.sh │ │ ├── run_figure_17.sh │ │ ├── run_figure_18.sh │ │ └── run_table_1.sh │ ├── images │ ├── Achieved_petaFLOPs.png │ └── cases_april2021.png │ ├── instruct-data │ └── processed │ │ └── merged_shuffle_train_sample.jsonl │ ├── megatron │ ├── __init__.py │ ├── arguments.py │ ├── checkpointing.py │ ├── core │ │ ├── README.md │ │ ├── __init__.py │ │ ├── dist_checkpointing │ │ │ ├── __init__.py │ │ │ ├── core.py │ │ │ ├── dict_utils.py │ │ │ ├── mapping.py │ │ │ ├── optimizer.py │ │ │ ├── serialization.py │ │ │ ├── strategies │ │ │ │ ├── __init__.py │ │ │ │ ├── base.py │ │ │ │ ├── tensorstore.py │ │ │ │ ├── two_stage.py │ │ │ │ └── zarr.py │ │ │ └── utils.py │ │ ├── distributed.py │ │ ├── enums.py │ │ ├── fusions │ │ │ ├── __init__.py │ │ │ ├── fused_bias_dropout.py │ │ │ ├── fused_bias_gelu.py │ │ │ ├── fused_layer_norm.py │ │ │ └── fused_softmax.py │ │ ├── inference_params.py │ │ ├── model_parallel_config.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── common │ │ │ │ └── embeddings │ │ │ │ │ ├── language_model_embedding.py │ │ │ │ │ ├── language_module │ │ │ │ │ └── language_module.py │ │ │ │ │ └── rotary_pos_embedding.py │ │ │ └── gpt │ │ │ │ ├── __init__.py │ │ │ │ ├── gpt_layer_specs.py │ │ │ │ └── gpt_model.py │ │ ├── package_info.py │ │ ├── parallel_state.py │ │ ├── pipeline_parallel │ │ │ ├── __init__.py │ │ │ ├── distrib_grad.py │ │ │ ├── p2p_communication.py │ │ │ └── schedules.py │ │ ├── requirements.txt │ │ ├── tensor_parallel │ │ │ ├── __init__.py │ │ │ ├── cross_entropy.py │ │ │ ├── data.py │ │ │ ├── layers.py │ │ │ ├── mappings.py │ │ │ ├── random.py │ │ │ └── utils.py │ │ ├── transformer │ │ │ ├── __init__.py │ │ │ ├── attention.py │ │ │ ├── custom_layers │ │ │ │ └── transformer_engine.py │ │ │ ├── dot_product_attention.py │ │ │ ├── enums.py │ │ │ ├── identity_op.py │ │ │ ├── layernorm_linear.py │ │ │ ├── layernorm_mlp.py │ │ │ ├── mlp.py │ │ │ ├── module.py │ │ │ ├── spec_utils.py │ │ │ ├── switch_mlp.py │ │ │ ├── transformer_block.py │ │ │ ├── transformer_config.py │ │ │ ├── transformer_layer.py │ │ │ └── utils.py │ │ └── utils.py │ ├── data │ │ ├── Makefile │ │ ├── __init__.py │ │ ├── autoaugment.py │ │ ├── bert_dataset.py │ │ ├── biencoder_dataset_utils.py │ │ ├── blendable_dataset.py │ │ ├── data_samplers.py │ │ ├── dataset_utils.py │ │ ├── gpt_dataset.py │ │ ├── helpers.cpp │ │ ├── ict_dataset.py │ │ ├── image_folder.py │ │ ├── indexed_dataset.py │ │ ├── multimodal_dataset.py │ │ ├── orqa_wiki_dataset.py │ │ ├── readme.md │ │ ├── realm_dataset_utils.py │ │ ├── realm_index.py │ │ ├── t5_dataset.py │ │ ├── test │ │ │ ├── test_indexed_dataset.py │ │ │ └── test_preprocess_data.sh │ │ └── vit_dataset.py │ ├── dist_signal_handler.py │ ├── fp16_deprecated │ │ └── loss_scaler.py │ ├── fused_kernels │ │ ├── __init__.py │ │ ├── compat.h │ │ ├── tests │ │ │ ├── __init__.py │ │ │ └── test_fused_kernels.py │ │ └── type_shim.h │ ├── global_vars.py │ ├── indexer.py │ ├── initialize.py │ ├── memory.py │ ├── microbatches.py │ ├── model │ │ ├── __init__.py │ │ ├── bert_model.py │ │ ├── biencoder_model.py │ │ ├── classification.py │ │ ├── enums.py │ │ ├── fused_bias_gelu.py │ │ ├── fused_layer_norm.py │ │ ├── fused_softmax.py │ │ ├── gpt_model.py │ │ ├── language_model.py │ │ ├── module.py │ │ ├── multiple_choice.py │ │ ├── realm_model.py │ │ ├── rms_norm.py │ │ ├── t5_model.py │ │ ├── transformer.py │ │ ├── utils.py │ │ └── vision │ │ │ ├── classification.py │ │ │ ├── dino.py │ │ │ ├── esvit_swin_backbone.py │ │ │ ├── inpainting.py │ │ │ ├── knn_monitor.py │ │ │ ├── mit_backbone.py │ │ │ ├── swin_backbone.py │ │ │ ├── utils.py │ │ │ └── vit_backbone.py │ ├── mpu │ │ └── tests │ │ │ ├── __init__.py │ │ │ ├── commons.py │ │ │ ├── test_cross_entropy.py │ │ │ ├── test_data.py │ │ │ ├── test_initialize.py │ │ │ ├── test_layers.py │ │ │ └── test_random.py │ ├── optimizer │ │ ├── __init__.py │ │ ├── clip_grads.py │ │ ├── distrib_optimizer.py │ │ ├── grad_scaler.py │ │ ├── optimizer.py │ │ └── utils.py │ ├── optimizer_param_scheduler.py │ ├── static │ │ └── index.html │ ├── text_generation │ │ ├── __init__.py │ │ ├── api.py │ │ ├── beam_utils.py │ │ ├── communication.py │ │ ├── forward_step.py │ │ ├── generation.py │ │ ├── sampling.py │ │ └── tokenization.py │ ├── text_generation_server.py │ ├── timers.py │ ├── tokenizer │ │ ├── __init__.py │ │ ├── bert_tokenization.py │ │ ├── gpt2_tokenization.py │ │ └── tokenizer.py │ ├── training.py │ └── utils.py │ ├── pretrain_bert.py │ ├── pretrain_crystalcoder_inst.py │ ├── pretrain_gpt.py │ ├── pretrain_gpt_core.py │ ├── pretrain_ict.py │ ├── pretrain_retro.py │ ├── pretrain_t5.py │ ├── pretrain_vision_classify.py │ ├── pretrain_vision_dino.py │ ├── pretrain_vision_inpaint.py │ ├── pyproject.toml │ ├── rank_cmd_phase2.sh │ ├── setup.py │ ├── tasks │ ├── data_utils.py │ ├── ensemble_classifier.py │ ├── eval_utils.py │ ├── finetune_utils.py │ ├── glue │ │ ├── data.py │ │ ├── finetune.py │ │ ├── mnli.py │ │ └── qqp.py │ ├── main.py │ ├── msdp │ │ ├── README.md │ │ ├── evaluate.py │ │ ├── main.py │ │ ├── metrics.py │ │ ├── preprocessing.py │ │ └── prompt.py │ ├── orqa │ │ ├── README.md │ │ ├── evaluate_orqa.py │ │ ├── evaluate_utils.py │ │ ├── supervised │ │ │ ├── data.py │ │ │ ├── eval_utils.py │ │ │ └── finetune.py │ │ └── unsupervised │ │ │ ├── nq.py │ │ │ ├── qa_utils.py │ │ │ └── tokenizers.py │ ├── race │ │ ├── data.py │ │ └── finetune.py │ ├── vision │ │ ├── classification │ │ │ ├── classification.py │ │ │ └── eval_utils.py │ │ ├── finetune_utils.py │ │ ├── main.py │ │ └── segmentation │ │ │ ├── cityscapes.py │ │ │ ├── data.py │ │ │ ├── finetune_segformer.py │ │ │ ├── finetune_setr.py │ │ │ ├── metrics.py │ │ │ ├── seg_heads.py │ │ │ ├── seg_models.py │ │ │ ├── transforms.py │ │ │ └── utils.py │ └── zeroshot_gpt │ │ ├── datasets.py │ │ ├── detokenizer.py │ │ └── evaluate.py │ ├── tests │ ├── __init__.py │ ├── functional_tests │ │ ├── __init__.py │ │ ├── python_test_utils │ │ │ ├── __init__.py │ │ │ ├── check_slurm_job_completion.py │ │ │ ├── get_test_results_from_tensorboard_logs.py │ │ │ ├── test_ci_pipeline.py │ │ │ └── test_resume_checkpoint_pipeline.py │ │ ├── shell_test_utils │ │ │ ├── jobwait.sh │ │ │ ├── run_selene_test_launcher_script.sh │ │ │ └── run_selene_test_resume_checkpoint_launcher_script.sh │ │ ├── test_results │ │ │ ├── bert │ │ │ │ ├── bert_tp1_pp2_1nodes_50steps.json │ │ │ │ ├── bert_tp1_pp4_1nodes_50steps.json │ │ │ │ ├── bert_tp2_pp2_1nodes_50steps.json │ │ │ │ └── bert_tp4_pp1_1nodes_50steps.json │ │ │ └── gpt3 │ │ │ │ ├── gpt3_tp1_pp1_1nodes_50steps_overlap_grad_reduce.json │ │ │ │ ├── gpt3_tp1_pp2_1nodes_50steps.json │ │ │ │ ├── gpt3_tp1_pp2_1nodes_50steps_core_enabled.json │ │ │ │ ├── gpt3_tp1_pp2_1nodes_50steps_core_enabled_rope_embeddings.json │ │ │ │ ├── gpt3_tp1_pp4_1nodes_50steps.json │ │ │ │ ├── gpt3_tp1_pp4_1nodes_50steps_core_enabled.json │ │ │ │ ├── gpt3_tp1_pp4_1nodes_50steps_core_enabled_disable_bias_linear.json │ │ │ │ ├── gpt3_tp1_pp4_1nodes_50steps_core_enabled_sequence_parallel.json │ │ │ │ ├── gpt3_tp1_pp4_1nodes_50steps_core_enabled_swiglu.json │ │ │ │ ├── gpt3_tp1_pp4_1nodes_50steps_core_enabled_untie_embeddings_and_outputs.json │ │ │ │ ├── gpt3_tp1_pp4_1nodes_50steps_overlap_grad_reduce.json │ │ │ │ ├── gpt3_tp2_pp1_1nodes_50steps_core_enabled_te_8experts2parallel.json │ │ │ │ ├── gpt3_tp2_pp2_1nodes_50steps.json │ │ │ │ ├── gpt3_tp2_pp2_1nodes_50steps_4experts.json │ │ │ │ ├── gpt3_tp2_pp2_1nodes_50steps_core_enabled.json │ │ │ │ ├── gpt3_tp2_pp2_1nodes_50steps_core_enabled_te_2experts.json │ │ │ │ ├── gpt3_tp2_pp2_1nodes_50steps_core_enabled_te_4experts2parallel.json │ │ │ │ ├── gpt3_tp2_pp2_1nodes_50steps_overlap_grad_reduce.json │ │ │ │ ├── gpt3_tp2_pp2_1nodes_50steps_te_enabled.json │ │ │ │ ├── gpt3_tp4_pp1_1nodes_50steps.json │ │ │ │ ├── gpt3_tp4_pp1_1nodes_50steps_core_enabled.json │ │ │ │ └── gpt3_tp4_pp1_1nodes_50steps_overlap_grad_reduce.json │ │ └── test_scripts │ │ │ ├── bert │ │ │ ├── pretrain_bert_distributed_resume_checkpoint_test.sh │ │ │ ├── pretrain_bert_distributed_test.sh │ │ │ ├── sbatch_bert_distributed_resume_checkpoint_test.sh │ │ │ └── sbatch_bert_distributed_test.sh │ │ │ └── gpt3 │ │ │ ├── pretrain_gpt3_distributed_resume_checkpoint_test.sh │ │ │ ├── pretrain_gpt3_distributed_test.sh │ │ │ ├── sbatch_gpt3_distributed_resume_checkpoint_test.sh │ │ │ └── sbatch_gpt3_distributed_test.sh │ └── unit_tests │ │ ├── __init__.py │ │ ├── data │ │ └── test_preprocess_data.py │ │ ├── dist_checkpointing │ │ ├── __init__.py │ │ ├── conftest.py │ │ ├── test_mapping.py │ │ ├── test_optimizer.py │ │ └── test_serialization.py │ │ ├── models │ │ ├── __init__.py │ │ ├── test_base_embedding.py │ │ └── test_gpt_model.py │ │ ├── pipeline_parallel │ │ ├── __init__.py │ │ └── test_schedules.py │ │ ├── tensor_parallel │ │ ├── test_cross_entropy.py │ │ ├── test_data.py │ │ ├── test_mappings.py │ │ ├── test_random.py │ │ └── test_tensor_parallel_utils.py │ │ ├── test_basic.py │ │ ├── test_parallel_state.py │ │ ├── test_utilities.py │ │ ├── test_utils.py │ │ └── transformer │ │ ├── __init__.py │ │ ├── test_attention.py │ │ ├── test_core_attention.py │ │ ├── test_mlp.py │ │ ├── test_module.py │ │ ├── test_spec_customization.py │ │ ├── test_switch_mlp.py │ │ ├── test_transformer_block.py │ │ └── test_transformer_layer.py │ └── tools │ ├── autoformat.sh │ ├── bert_embedding │ ├── __init__.py │ ├── dataset.py │ ├── embed.py │ ├── external_libs.py │ ├── huggingface.py │ └── utils.py │ ├── checkpoint │ ├── loader_crystalcoder_hf.py │ ├── loader_llama2_hf.py │ ├── loader_megatron.py │ ├── saver_crystalcoder_hf.py │ ├── saver_llama2_hf.py │ ├── saver_megatron.py │ └── util.py │ ├── inspect_datasets.py │ ├── linter.py │ ├── merge_datasets.py │ ├── openwebtext │ ├── README.md │ ├── add_id.py │ ├── blacklist_urls.py │ ├── cleanup_dataset.py │ ├── cleanup_fix_dataset.py │ ├── filter_ngrams.py │ ├── find_duplicates.py │ ├── group_duplicate_url.py │ ├── merge_jsons.py │ └── remove_group_duplicates.py │ ├── preprocess_data.py │ ├── preprocess_data_hf.py │ ├── preprocess_data_nmt.py │ ├── preprocess_data_simple.py │ ├── preprocess_mmdata.py │ ├── retro │ ├── README.md │ ├── cli │ │ ├── __init__.py │ │ ├── __main__.py │ │ └── cli.py │ ├── db │ │ ├── __init__.py │ │ ├── build.py │ │ ├── dataset.py │ │ └── utils.py │ ├── examples │ │ ├── preprocess_data.sh │ │ └── pretrain_model.sh │ ├── external_libs.py │ ├── index │ │ ├── __init__.py │ │ ├── build.py │ │ ├── factory.py │ │ ├── index.py │ │ ├── indexes │ │ │ ├── __init__.py │ │ │ ├── faiss_base.py │ │ │ └── faiss_par_add.py │ │ └── utils.py │ ├── main.py │ ├── query │ │ ├── __init__.py │ │ ├── chunk_dataset.py │ │ ├── query.py │ │ ├── retro_dataset.py │ │ └── utils.py │ └── utils.py │ ├── run_text_generation_server.py │ └── text_generation_cli.py └── pretrain └── params ├── phase1 └── params.yaml ├── phase2 └── params.yaml └── phase3 └── params.yaml /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/README.md -------------------------------------------------------------------------------- /crystalcoder_logo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/crystalcoder_logo.jpg -------------------------------------------------------------------------------- /finetune/Megatron-LM/.coveragerc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/.coveragerc -------------------------------------------------------------------------------- /finetune/Megatron-LM/.github/ISSUE_TEMPLATE/bug.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/.github/ISSUE_TEMPLATE/bug.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/.github/ISSUE_TEMPLATE/enhancement.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/.github/ISSUE_TEMPLATE/enhancement.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/.github/ISSUE_TEMPLATE/question.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/.github/ISSUE_TEMPLATE/question.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/.github/ISSUE_TEMPLATE/regression.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/.github/ISSUE_TEMPLATE/regression.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/.github/workflows/stale.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/.github/workflows/stale.yml -------------------------------------------------------------------------------- /finetune/Megatron-LM/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/.gitignore -------------------------------------------------------------------------------- /finetune/Megatron-LM/.gitlab-ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/.gitlab-ci.yml -------------------------------------------------------------------------------- /finetune/Megatron-LM/CODEOWNERS: -------------------------------------------------------------------------------- 1 | megatron/core @shanmugamr @maanug 2 | -------------------------------------------------------------------------------- /finetune/Megatron-LM/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/CONTRIBUTING.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/CrystalCoder/config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/CrystalCoder/config.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/CrystalCoder/configuration_crystalcoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/CrystalCoder/configuration_crystalcoder.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/CrystalCoder/generation_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/CrystalCoder/generation_config.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/CrystalCoder/modeling_crystalcoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/CrystalCoder/modeling_crystalcoder.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/CrystalCoder/pytorch_model.bin.index.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/CrystalCoder/pytorch_model.bin.index.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/CrystalCoder/register_crystalcoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/CrystalCoder/register_crystalcoder.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/CrystalCoder/tokenization_crystalcoder_fast copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/CrystalCoder/tokenization_crystalcoder_fast copy.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/CrystalCoder/tokenization_crystalcoder_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/CrystalCoder/tokenization_crystalcoder_fast.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/CrystalCoder/tokenizer.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/CrystalCoder/tokenizer.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/CrystalCoder/tokenizer_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/CrystalCoder/tokenizer_config.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/LICENSE -------------------------------------------------------------------------------- /finetune/Megatron-LM/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/README.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/README.old.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/README.old.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/docs/distrib_optimizer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/docs/distrib_optimizer.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/docs/images/distrib_optimizer/data_flow.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/docs/images/distrib_optimizer/data_flow.png -------------------------------------------------------------------------------- /finetune/Megatron-LM/docs/images/distrib_optimizer/sharding_scheme.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/docs/images/distrib_optimizer/sharding_scheme.png -------------------------------------------------------------------------------- /finetune/Megatron-LM/docs/llama2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/docs/llama2.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/detxoify_lm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/detxoify_lm/README.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/detxoify_lm/annotations/filter-selfgeneration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/detxoify_lm/annotations/filter-selfgeneration.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/detxoify_lm/annotations/perspective_api_annotate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/detxoify_lm/annotations/perspective_api_annotate.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/detxoify_lm/annotations/preprocess.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/detxoify_lm/annotations/preprocess.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/detxoify_lm/finetune_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/detxoify_lm/finetune_gpt.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/detxoify_lm/finetune_gpt_distributed-1.3b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/detxoify_lm/finetune_gpt_distributed-1.3b.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/detxoify_lm/generate-1.3b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/detxoify_lm/generate-1.3b.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/detxoify_lm/generate_samples_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/detxoify_lm/generate_samples_gpt.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/detxoify_lm/perspective_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/detxoify_lm/perspective_api.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/detxoify_lm/self_generation/selfgenerate-1.3b-unconditional.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/detxoify_lm/self_generation/selfgenerate-1.3b-unconditional.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/evaluate_retriever_nq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/evaluate_retriever_nq.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/evaluate_zeroshot_gpt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/evaluate_zeroshot_gpt.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/finetune_mnli_distributed.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/finetune_mnli_distributed.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/finetune_race_distributed.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/finetune_race_distributed.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/finetune_retriever_distributed.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/finetune_retriever_distributed.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/merge_mp_bert.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/merge_mp_bert.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/msdp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/msdp/README.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/msdp/data_processing.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/msdp/data_processing.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/msdp/eval_knwl_generation.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/msdp/eval_knwl_generation.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/msdp/eval_resp_generation.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/msdp/eval_resp_generation.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/msdp/prep_resp_gen.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/msdp/prep_resp_gen.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/msdp/prompt_knwl_gen.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/msdp/prompt_knwl_gen.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/msdp/prompt_resp_gen.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/msdp/prompt_resp_gen.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_bert.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_bert.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_bert_distributed.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_bert_distributed.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_bert_distributed_with_mp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_bert_distributed_with_mp.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_gpt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_gpt.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_gpt3_175B.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_gpt3_175B.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_gpt_distributed.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_gpt_distributed.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_gpt_distributed_with_mp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_gpt_distributed_with_mp.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_ict.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_ict.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_t5.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_t5.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_t5_distributed.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_t5_distributed.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_t5_distributed_with_mp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_t5_distributed_with_mp.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_vision_classify.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_vision_classify.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_vision_dino.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_vision_dino.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/pretrain_vision_inpaint.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/pretrain_vision_inpaint.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/run_text_generation_server_345M.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/run_text_generation_server_345M.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/run_text_generation_server_345M_8_tensor_parallel.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/run_text_generation_server_345M_8_tensor_parallel.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/sc21/CONFIG.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/sc21/CONFIG.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/sc21/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/sc21/README.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/sc21/SBATCH.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/sc21/SBATCH.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/sc21/SRUN.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/sc21/SRUN.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/sc21/run_figure_11.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/sc21/run_figure_11.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/sc21/run_figure_12.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/sc21/run_figure_12.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/sc21/run_figure_13.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/sc21/run_figure_13.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/sc21/run_figure_14.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/sc21/run_figure_14.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/sc21/run_figure_15.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/sc21/run_figure_15.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/sc21/run_figure_16.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/sc21/run_figure_16.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/sc21/run_figure_17.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/sc21/run_figure_17.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/sc21/run_figure_18.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/sc21/run_figure_18.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/examples/sc21/run_table_1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/examples/sc21/run_table_1.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/images/Achieved_petaFLOPs.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/images/Achieved_petaFLOPs.png -------------------------------------------------------------------------------- /finetune/Megatron-LM/images/cases_april2021.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/images/cases_april2021.png -------------------------------------------------------------------------------- /finetune/Megatron-LM/instruct-data/processed/merged_shuffle_train_sample.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/instruct-data/processed/merged_shuffle_train_sample.jsonl -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/arguments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/arguments.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/checkpointing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/checkpointing.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/README.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/dist_checkpointing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/dist_checkpointing/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/dist_checkpointing/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/dist_checkpointing/core.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/dist_checkpointing/dict_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/dist_checkpointing/dict_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/dist_checkpointing/mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/dist_checkpointing/mapping.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/dist_checkpointing/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/dist_checkpointing/optimizer.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/dist_checkpointing/serialization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/dist_checkpointing/serialization.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/dist_checkpointing/strategies/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/dist_checkpointing/strategies/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/dist_checkpointing/strategies/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/dist_checkpointing/strategies/base.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/dist_checkpointing/strategies/tensorstore.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/dist_checkpointing/strategies/tensorstore.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/dist_checkpointing/strategies/two_stage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/dist_checkpointing/strategies/two_stage.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/dist_checkpointing/strategies/zarr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/dist_checkpointing/strategies/zarr.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/dist_checkpointing/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/dist_checkpointing/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/distributed.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/enums.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/enums.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/fusions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/fusions/fused_bias_dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/fusions/fused_bias_dropout.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/fusions/fused_bias_gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/fusions/fused_bias_gelu.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/fusions/fused_layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/fusions/fused_layer_norm.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/fusions/fused_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/fusions/fused_softmax.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/inference_params.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/inference_params.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/model_parallel_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/model_parallel_config.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/models/common/embeddings/language_model_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/models/common/embeddings/language_model_embedding.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/models/common/embeddings/language_module/language_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/models/common/embeddings/language_module/language_module.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/models/common/embeddings/rotary_pos_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/models/common/embeddings/rotary_pos_embedding.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/models/gpt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/models/gpt/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/models/gpt/gpt_layer_specs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/models/gpt/gpt_layer_specs.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/models/gpt/gpt_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/models/gpt/gpt_model.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/package_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/package_info.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/parallel_state.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/pipeline_parallel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/pipeline_parallel/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/pipeline_parallel/distrib_grad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/pipeline_parallel/distrib_grad.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/pipeline_parallel/p2p_communication.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/pipeline_parallel/p2p_communication.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/pipeline_parallel/schedules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/pipeline_parallel/schedules.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/requirements.txt: -------------------------------------------------------------------------------- 1 | torch -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/tensor_parallel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/tensor_parallel/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/tensor_parallel/cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/tensor_parallel/cross_entropy.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/tensor_parallel/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/tensor_parallel/data.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/tensor_parallel/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/tensor_parallel/layers.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/tensor_parallel/mappings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/tensor_parallel/mappings.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/tensor_parallel/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/tensor_parallel/random.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/tensor_parallel/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/tensor_parallel/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/attention.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/custom_layers/transformer_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/custom_layers/transformer_engine.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/dot_product_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/dot_product_attention.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/enums.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/enums.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/identity_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/identity_op.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/layernorm_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/layernorm_linear.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/layernorm_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/layernorm_mlp.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/mlp.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/module.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/spec_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/spec_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/switch_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/switch_mlp.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/transformer_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/transformer_block.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/transformer_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/transformer_config.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/transformer_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/transformer_layer.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/transformer/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/transformer/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/core/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/core/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/Makefile -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/__init__.py: -------------------------------------------------------------------------------- 1 | from . import indexed_dataset 2 | -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/autoaugment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/autoaugment.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/bert_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/bert_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/biencoder_dataset_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/biencoder_dataset_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/blendable_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/blendable_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/data_samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/data_samplers.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/dataset_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/dataset_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/gpt_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/gpt_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/helpers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/helpers.cpp -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/ict_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/ict_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/image_folder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/image_folder.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/indexed_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/indexed_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/multimodal_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/multimodal_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/orqa_wiki_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/orqa_wiki_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/readme.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/realm_dataset_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/realm_dataset_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/realm_index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/realm_index.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/t5_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/t5_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/test/test_indexed_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/test/test_indexed_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/test/test_preprocess_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/test/test_preprocess_data.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/data/vit_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/data/vit_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/dist_signal_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/dist_signal_handler.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/fp16_deprecated/loss_scaler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/fp16_deprecated/loss_scaler.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/fused_kernels/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/fused_kernels/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/fused_kernels/compat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/fused_kernels/compat.h -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/fused_kernels/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/fused_kernels/tests/test_fused_kernels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/fused_kernels/tests/test_fused_kernels.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/fused_kernels/type_shim.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/fused_kernels/type_shim.h -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/global_vars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/global_vars.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/indexer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/indexer.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/initialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/initialize.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/memory.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/microbatches.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/microbatches.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/bert_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/bert_model.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/biencoder_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/biencoder_model.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/classification.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/enums.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/enums.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/fused_bias_gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/fused_bias_gelu.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/fused_layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/fused_layer_norm.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/fused_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/fused_softmax.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/gpt_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/gpt_model.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/language_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/language_model.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/module.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/multiple_choice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/multiple_choice.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/realm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/realm_model.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/rms_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/rms_norm.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/t5_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/t5_model.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/transformer.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/vision/classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/vision/classification.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/vision/dino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/vision/dino.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/vision/esvit_swin_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/vision/esvit_swin_backbone.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/vision/inpainting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/vision/inpainting.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/vision/knn_monitor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/vision/knn_monitor.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/vision/mit_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/vision/mit_backbone.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/vision/swin_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/vision/swin_backbone.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/vision/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/vision/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/model/vision/vit_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/model/vision/vit_backbone.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/mpu/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/mpu/tests/commons.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/mpu/tests/commons.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/mpu/tests/test_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/mpu/tests/test_cross_entropy.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/mpu/tests/test_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/mpu/tests/test_data.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/mpu/tests/test_initialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/mpu/tests/test_initialize.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/mpu/tests/test_layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/mpu/tests/test_layers.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/mpu/tests/test_random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/mpu/tests/test_random.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/optimizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/optimizer/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/optimizer/clip_grads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/optimizer/clip_grads.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/optimizer/distrib_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/optimizer/distrib_optimizer.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/optimizer/grad_scaler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/optimizer/grad_scaler.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/optimizer/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/optimizer/optimizer.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/optimizer/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/optimizer/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/optimizer_param_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/optimizer_param_scheduler.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/static/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/static/index.html -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/text_generation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/text_generation/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/text_generation/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/text_generation/api.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/text_generation/beam_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/text_generation/beam_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/text_generation/communication.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/text_generation/communication.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/text_generation/forward_step.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/text_generation/forward_step.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/text_generation/generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/text_generation/generation.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/text_generation/sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/text_generation/sampling.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/text_generation/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/text_generation/tokenization.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/text_generation_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/text_generation_server.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/timers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/timers.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/tokenizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/tokenizer/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/tokenizer/bert_tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/tokenizer/bert_tokenization.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/tokenizer/gpt2_tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/tokenizer/gpt2_tokenization.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/tokenizer/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/tokenizer/tokenizer.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/training.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/megatron/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/megatron/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/pretrain_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/pretrain_bert.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/pretrain_crystalcoder_inst.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/pretrain_crystalcoder_inst.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/pretrain_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/pretrain_gpt.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/pretrain_gpt_core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/pretrain_gpt_core.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/pretrain_ict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/pretrain_ict.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/pretrain_retro.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/pretrain_retro.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/pretrain_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/pretrain_t5.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/pretrain_vision_classify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/pretrain_vision_classify.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/pretrain_vision_dino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/pretrain_vision_dino.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/pretrain_vision_inpaint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/pretrain_vision_inpaint.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/pyproject.toml -------------------------------------------------------------------------------- /finetune/Megatron-LM/rank_cmd_phase2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/rank_cmd_phase2.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/setup.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/data_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/ensemble_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/ensemble_classifier.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/eval_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/finetune_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/finetune_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/glue/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/glue/data.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/glue/finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/glue/finetune.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/glue/mnli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/glue/mnli.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/glue/qqp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/glue/qqp.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/main.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/msdp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/msdp/README.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/msdp/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/msdp/evaluate.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/msdp/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/msdp/main.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/msdp/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/msdp/metrics.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/msdp/preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/msdp/preprocessing.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/msdp/prompt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/msdp/prompt.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/orqa/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/orqa/README.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/orqa/evaluate_orqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/orqa/evaluate_orqa.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/orqa/evaluate_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/orqa/evaluate_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/orqa/supervised/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/orqa/supervised/data.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/orqa/supervised/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/orqa/supervised/eval_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/orqa/supervised/finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/orqa/supervised/finetune.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/orqa/unsupervised/nq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/orqa/unsupervised/nq.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/orqa/unsupervised/qa_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/orqa/unsupervised/qa_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/orqa/unsupervised/tokenizers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/orqa/unsupervised/tokenizers.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/race/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/race/data.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/race/finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/race/finetune.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/vision/classification/classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/vision/classification/classification.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/vision/classification/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/vision/classification/eval_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/vision/finetune_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/vision/finetune_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/vision/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/vision/main.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/vision/segmentation/cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/vision/segmentation/cityscapes.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/vision/segmentation/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/vision/segmentation/data.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/vision/segmentation/finetune_segformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/vision/segmentation/finetune_segformer.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/vision/segmentation/finetune_setr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/vision/segmentation/finetune_setr.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/vision/segmentation/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/vision/segmentation/metrics.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/vision/segmentation/seg_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/vision/segmentation/seg_heads.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/vision/segmentation/seg_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/vision/segmentation/seg_models.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/vision/segmentation/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/vision/segmentation/transforms.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/vision/segmentation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/vision/segmentation/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/zeroshot_gpt/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/zeroshot_gpt/datasets.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/zeroshot_gpt/detokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/zeroshot_gpt/detokenizer.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tasks/zeroshot_gpt/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tasks/zeroshot_gpt/evaluate.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/python_test_utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/python_test_utils/check_slurm_job_completion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/python_test_utils/check_slurm_job_completion.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/python_test_utils/get_test_results_from_tensorboard_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/python_test_utils/get_test_results_from_tensorboard_logs.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/python_test_utils/test_ci_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/python_test_utils/test_ci_pipeline.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/python_test_utils/test_resume_checkpoint_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/python_test_utils/test_resume_checkpoint_pipeline.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/shell_test_utils/jobwait.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/shell_test_utils/jobwait.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/shell_test_utils/run_selene_test_launcher_script.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/shell_test_utils/run_selene_test_launcher_script.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/shell_test_utils/run_selene_test_resume_checkpoint_launcher_script.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/shell_test_utils/run_selene_test_resume_checkpoint_launcher_script.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/bert/bert_tp1_pp2_1nodes_50steps.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/bert/bert_tp1_pp2_1nodes_50steps.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/bert/bert_tp1_pp4_1nodes_50steps.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/bert/bert_tp1_pp4_1nodes_50steps.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/bert/bert_tp2_pp2_1nodes_50steps.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/bert/bert_tp2_pp2_1nodes_50steps.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/bert/bert_tp4_pp1_1nodes_50steps.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/bert/bert_tp4_pp1_1nodes_50steps.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp1_1nodes_50steps_overlap_grad_reduce.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp1_1nodes_50steps_overlap_grad_reduce.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp2_1nodes_50steps.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp2_1nodes_50steps.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp2_1nodes_50steps_core_enabled.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp2_1nodes_50steps_core_enabled.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp2_1nodes_50steps_core_enabled_rope_embeddings.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp2_1nodes_50steps_core_enabled_rope_embeddings.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps_core_enabled.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps_core_enabled.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps_core_enabled_disable_bias_linear.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps_core_enabled_disable_bias_linear.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps_core_enabled_sequence_parallel.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps_core_enabled_sequence_parallel.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps_core_enabled_swiglu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps_core_enabled_swiglu.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps_core_enabled_untie_embeddings_and_outputs.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps_core_enabled_untie_embeddings_and_outputs.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps_overlap_grad_reduce.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp1_pp4_1nodes_50steps_overlap_grad_reduce.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp1_1nodes_50steps_core_enabled_te_8experts2parallel.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp1_1nodes_50steps_core_enabled_te_8experts2parallel.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps_4experts.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps_4experts.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps_core_enabled.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps_core_enabled.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps_core_enabled_te_2experts.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps_core_enabled_te_2experts.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps_core_enabled_te_4experts2parallel.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps_core_enabled_te_4experts2parallel.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps_overlap_grad_reduce.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps_overlap_grad_reduce.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps_te_enabled.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp2_pp2_1nodes_50steps_te_enabled.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp4_pp1_1nodes_50steps.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp4_pp1_1nodes_50steps.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp4_pp1_1nodes_50steps_core_enabled.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp4_pp1_1nodes_50steps_core_enabled.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp4_pp1_1nodes_50steps_overlap_grad_reduce.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_results/gpt3/gpt3_tp4_pp1_1nodes_50steps_overlap_grad_reduce.json -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_scripts/bert/pretrain_bert_distributed_resume_checkpoint_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_scripts/bert/pretrain_bert_distributed_resume_checkpoint_test.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_scripts/bert/pretrain_bert_distributed_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_scripts/bert/pretrain_bert_distributed_test.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_scripts/bert/sbatch_bert_distributed_resume_checkpoint_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_scripts/bert/sbatch_bert_distributed_resume_checkpoint_test.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_scripts/bert/sbatch_bert_distributed_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_scripts/bert/sbatch_bert_distributed_test.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_scripts/gpt3/pretrain_gpt3_distributed_resume_checkpoint_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_scripts/gpt3/pretrain_gpt3_distributed_resume_checkpoint_test.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_scripts/gpt3/pretrain_gpt3_distributed_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_scripts/gpt3/pretrain_gpt3_distributed_test.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_scripts/gpt3/sbatch_gpt3_distributed_resume_checkpoint_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_scripts/gpt3/sbatch_gpt3_distributed_resume_checkpoint_test.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/functional_tests/test_scripts/gpt3/sbatch_gpt3_distributed_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/functional_tests/test_scripts/gpt3/sbatch_gpt3_distributed_test.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/data/test_preprocess_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/data/test_preprocess_data.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/dist_checkpointing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/dist_checkpointing/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/dist_checkpointing/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/dist_checkpointing/conftest.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/dist_checkpointing/test_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/dist_checkpointing/test_mapping.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/dist_checkpointing/test_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/dist_checkpointing/test_optimizer.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/dist_checkpointing/test_serialization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/dist_checkpointing/test_serialization.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/models/test_base_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/models/test_base_embedding.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/models/test_gpt_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/models/test_gpt_model.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/pipeline_parallel/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/pipeline_parallel/test_schedules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/pipeline_parallel/test_schedules.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/tensor_parallel/test_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/tensor_parallel/test_cross_entropy.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/tensor_parallel/test_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/tensor_parallel/test_data.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/tensor_parallel/test_mappings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/tensor_parallel/test_mappings.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/tensor_parallel/test_random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/tensor_parallel/test_random.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/tensor_parallel/test_tensor_parallel_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/tensor_parallel/test_tensor_parallel_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/test_basic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/test_basic.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/test_parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/test_parallel_state.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/test_utilities.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/test_utilities.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/test_utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/transformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/transformer/test_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/transformer/test_attention.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/transformer/test_core_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/transformer/test_core_attention.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/transformer/test_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/transformer/test_mlp.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/transformer/test_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/transformer/test_module.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/transformer/test_spec_customization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/transformer/test_spec_customization.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/transformer/test_switch_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/transformer/test_switch_mlp.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/transformer/test_transformer_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/transformer/test_transformer_block.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tests/unit_tests/transformer/test_transformer_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tests/unit_tests/transformer/test_transformer_layer.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/autoformat.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/autoformat.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/bert_embedding/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/bert_embedding/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/bert_embedding/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/bert_embedding/dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/bert_embedding/embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/bert_embedding/embed.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/bert_embedding/external_libs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/bert_embedding/external_libs.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/bert_embedding/huggingface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/bert_embedding/huggingface.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/bert_embedding/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/bert_embedding/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/checkpoint/loader_crystalcoder_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/checkpoint/loader_crystalcoder_hf.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/checkpoint/loader_llama2_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/checkpoint/loader_llama2_hf.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/checkpoint/loader_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/checkpoint/loader_megatron.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/checkpoint/saver_crystalcoder_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/checkpoint/saver_crystalcoder_hf.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/checkpoint/saver_llama2_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/checkpoint/saver_llama2_hf.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/checkpoint/saver_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/checkpoint/saver_megatron.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/checkpoint/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/checkpoint/util.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/inspect_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/inspect_datasets.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/linter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/linter.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/merge_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/merge_datasets.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/openwebtext/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/openwebtext/README.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/openwebtext/add_id.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/openwebtext/add_id.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/openwebtext/blacklist_urls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/openwebtext/blacklist_urls.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/openwebtext/cleanup_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/openwebtext/cleanup_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/openwebtext/cleanup_fix_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/openwebtext/cleanup_fix_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/openwebtext/filter_ngrams.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/openwebtext/filter_ngrams.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/openwebtext/find_duplicates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/openwebtext/find_duplicates.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/openwebtext/group_duplicate_url.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/openwebtext/group_duplicate_url.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/openwebtext/merge_jsons.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/openwebtext/merge_jsons.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/openwebtext/remove_group_duplicates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/openwebtext/remove_group_duplicates.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/preprocess_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/preprocess_data.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/preprocess_data_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/preprocess_data_hf.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/preprocess_data_nmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/preprocess_data_nmt.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/preprocess_data_simple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/preprocess_data_simple.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/preprocess_mmdata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/preprocess_mmdata.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/README.md -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/cli/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/cli/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/cli/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/cli/__main__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/cli/cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/cli/cli.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/db/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/db/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/db/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/db/build.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/db/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/db/dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/db/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/db/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/examples/preprocess_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/examples/preprocess_data.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/examples/pretrain_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/examples/pretrain_model.sh -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/external_libs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/external_libs.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/index/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/index/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/index/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/index/build.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/index/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/index/factory.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/index/index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/index/index.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/index/indexes/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/index/indexes/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/index/indexes/faiss_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/index/indexes/faiss_base.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/index/indexes/faiss_par_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/index/indexes/faiss_par_add.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/index/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/index/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/main.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/query/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/query/__init__.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/query/chunk_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/query/chunk_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/query/query.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/query/query.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/query/retro_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/query/retro_dataset.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/query/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/query/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/retro/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/retro/utils.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/run_text_generation_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/run_text_generation_server.py -------------------------------------------------------------------------------- /finetune/Megatron-LM/tools/text_generation_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/finetune/Megatron-LM/tools/text_generation_cli.py -------------------------------------------------------------------------------- /pretrain/params/phase1/params.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/pretrain/params/phase1/params.yaml -------------------------------------------------------------------------------- /pretrain/params/phase2/params.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/pretrain/params/phase2/params.yaml -------------------------------------------------------------------------------- /pretrain/params/phase3/params.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LLM360/crystalcoder-train/HEAD/pretrain/params/phase3/params.yaml --------------------------------------------------------------------------------