├── .dockerignore ├── .github ├── ISSUE_TEMPLATE │ ├── bug_report.md │ └── feature_request.md ├── PULL_REQUEST_TEMPLATE.md └── workflows │ ├── ci.yaml │ ├── docs.yaml │ └── manual-build.yml ├── .gitignore ├── .gitmodules ├── .isort.cfg ├── .pre-commit-config.yaml ├── CITATION.cff ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── Dockerfile ├── LICENSE ├── README.md ├── SECURITY.md ├── docs ├── .markdownlint.yaml ├── README.md ├── about-us.md ├── assets │ └── images │ │ └── logo.svg ├── contributing │ ├── contributing.md │ ├── dev-practices.md │ ├── how-to-release.md │ ├── style-guide.md │ └── testing.md ├── developer_guide │ ├── configuration.md │ ├── conversion.md │ └── model.md ├── help.md ├── index.md ├── join-us.md ├── license.md ├── overrides │ ├── hooks │ │ └── shortcodes.py │ ├── index.html │ └── main.html ├── quick-start.md ├── recipes │ ├── continue-training.md │ ├── data-configuration.md │ ├── data-preparation.md │ ├── generate.md │ ├── instruction-finetuning.md │ ├── train.md │ └── upcycle-llama-3b-to-moe.md ├── refs.bib ├── success-stories │ └── starcoder-2.md └── user_guide │ ├── configuration.md │ ├── evaluators.md │ ├── multi-stage.md │ └── parallelism.md ├── examples ├── fast-llm-pvc.yaml ├── fast-llm.pytorchjob.yaml ├── fast-llm.sbat └── mistral.yaml ├── fast_llm ├── __init__.py ├── cli.py ├── config.py ├── core │ ├── __init__.py │ ├── distributed.py │ ├── kernels.py │ └── ops.py ├── csrc │ └── data.cpp ├── data │ ├── __init__.py │ ├── auto.py │ ├── config.py │ ├── data │ │ ├── __init__.py │ │ ├── abstract.py │ │ ├── config.py │ │ └── gpt │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ └── data.py │ ├── dataset │ │ ├── __init__.py │ │ ├── abstract.py │ │ ├── blended.py │ │ ├── config.py │ │ ├── gpt │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ ├── fim.py │ │ │ ├── legacy_memmap.py │ │ │ └── random.py │ │ ├── indexed.py │ │ ├── memmap.py │ │ ├── monitor.py │ │ └── sampled.py │ ├── iterator.py │ ├── preparator │ │ ├── __init__.py │ │ ├── config.py │ │ └── gpt_memmap │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ └── prepare.py │ ├── preprocessing │ │ ├── __init__.py │ │ ├── image_patch.py │ │ └── tokenizer.py │ └── sample │ │ ├── __init__.py │ │ ├── abstract.py │ │ ├── language_model.py │ │ ├── patch.py │ │ ├── range.py │ │ └── token.py ├── engine │ ├── __init__.py │ ├── base_model │ │ ├── __init__.py │ │ ├── base_model.py │ │ └── config.py │ ├── checkpoint │ │ ├── __init__.py │ │ ├── config.py │ │ ├── convert.py │ │ ├── distributed.py │ │ ├── external.py │ │ ├── huggingface.py │ │ ├── safe_load.py │ │ └── state_dict.py │ ├── config_utils │ │ ├── __init__.py │ │ ├── data_type.py │ │ ├── initialization.py │ │ ├── logging.py │ │ ├── parameter.py │ │ ├── run.py │ │ ├── runnable.py │ │ └── tensor_dim.py │ ├── distributed │ │ ├── __init__.py │ │ ├── config.py │ │ └── distributed.py │ ├── evaluation │ │ ├── __init__.py │ │ ├── config.py │ │ ├── evaluator.py │ │ ├── evaluators.py │ │ └── lm_eval │ │ │ ├── __init__.py │ │ │ ├── evaluator.py │ │ │ ├── fast_llm_wrapper.py │ │ │ └── utils.py │ ├── inference │ │ ├── __init__.py │ │ ├── config.py │ │ ├── huggingface.py │ │ └── runner.py │ ├── multi_stage │ │ ├── __init__.py │ │ ├── config.py │ │ ├── fast_llm_model.py │ │ ├── fsdp.py │ │ ├── multi_stage.py │ │ ├── stage.py │ │ └── stage_base.py │ ├── optimizer │ │ ├── __init__.py │ │ ├── config.py │ │ ├── learning_rate.py │ │ └── optimizer.py │ ├── schedule │ │ ├── __init__.py │ │ ├── config.py │ │ ├── runner.py │ │ └── schedule.py │ └── training │ │ ├── __init__.py │ │ ├── config.py │ │ ├── trainer.py │ │ └── wandb.py ├── functional │ ├── __init__.py │ ├── autograd.py │ ├── config.py │ ├── cross_entropy.py │ ├── dpo.py │ ├── linear.py │ └── triton │ │ ├── __init__.py │ │ ├── adam.py │ │ ├── cross_entropy.py │ │ ├── mlp.py │ │ ├── normalization.py │ │ ├── pointwise.py │ │ ├── rotary.py │ │ ├── sparse_copy.py │ │ └── sparse_linear.py ├── layers │ ├── __init__.py │ ├── attention │ │ ├── __init__.py │ │ ├── attention.py │ │ ├── config.py │ │ └── rotary │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ └── rotary.py │ ├── block │ │ ├── __init__.py │ │ ├── block.py │ │ ├── config.py │ │ └── sequence.py │ ├── common │ │ ├── __init__.py │ │ ├── auxiliary_loss.py │ │ ├── linear │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ ├── convolution.py │ │ │ └── linear.py │ │ ├── normalization │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ └── normalization.py │ │ └── peft │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ └── lora.py │ ├── decoder │ │ ├── __init__.py │ │ ├── block.py │ │ ├── config.py │ │ ├── mlp │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ ├── mixture_of_experts.py │ │ │ └── mlp.py │ │ └── stochastic_mixer.py │ ├── language_model │ │ ├── __init__.py │ │ ├── config.py │ │ ├── embedding.py │ │ ├── head.py │ │ ├── language_model.py │ │ └── multi_token_prediction.py │ ├── ssm │ │ ├── config.py │ │ ├── discrete_mamba2.py │ │ ├── gdn.py │ │ ├── mamba.py │ │ └── mamba2.py │ └── vision │ │ ├── __init__.py │ │ ├── config.py │ │ ├── embeddings.py │ │ └── vision_encoder.py ├── logging.py ├── models │ ├── __init__.py │ ├── auto.py │ ├── gpt │ │ ├── __init__.py │ │ ├── config.py │ │ ├── conversion │ │ │ ├── __init__.py │ │ │ ├── apriel.py │ │ │ ├── apriel2.py │ │ │ ├── auto.py │ │ │ ├── config.py │ │ │ ├── diffusion_dream.py │ │ │ ├── diffusion_llama.py │ │ │ ├── llama.py │ │ │ ├── mistral.py │ │ │ ├── mixtral.py │ │ │ ├── mtp_llama.py │ │ │ └── qwen2.py │ │ ├── huggingface.py │ │ ├── megatron.py │ │ ├── model.py │ │ └── trainer.py │ └── multimodal │ │ ├── __init__.py │ │ ├── config.py │ │ ├── conversion │ │ ├── __init__.py │ │ ├── apriel2.py │ │ ├── auto.py │ │ ├── config.py │ │ ├── llava.py │ │ └── llava_hybrid.py │ │ ├── huggingface.py │ │ ├── model.py │ │ └── trainer.py ├── profile.py ├── tensor.py └── utils.py ├── fast_llm_external_models ├── __init__.py ├── apriel2 │ ├── __init__.py │ ├── cache.py │ ├── configuration_apriel2.py │ ├── conversion │ │ ├── __init__.py │ │ ├── config.py │ │ ├── converters.py │ │ ├── executor.py │ │ ├── expr.py │ │ ├── io.py │ │ ├── llava │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ └── plan.py │ │ └── render.py │ ├── convert.py │ ├── examples │ │ ├── comprehensive.yaml │ │ ├── heterogeneous_pattern.yaml │ │ ├── hybrid_dil.yaml │ │ ├── hybrid_mil.yaml │ │ ├── small.yaml │ │ ├── stochastic_supernet.yaml │ │ └── train_supernet_small.yaml │ └── modeling_apriel2.py ├── apriel_hybrid_ssm │ ├── configuration_apriel_hybrid_ssm.py │ └── modeling_apriel_hybrid_ssm.py ├── diffusion_dream │ ├── configuration_dream.py │ ├── generation_config.json │ ├── generation_utils.py │ └── modeling_dream.py ├── diffusion_llama │ ├── configuration_diffusion_llama.py │ ├── generation_utils.py │ └── modeling_diffusion_llama.py ├── eval │ ├── apriel_eval_wrapper.py │ ├── run_evalchemy.py │ └── run_lm_eval.py ├── llava_hybrid │ ├── configuration_llava_hybrid.py │ └── modeling_llava_hybrid.py ├── make_hybrid_checkpoint_with_importance_15b_mil.py ├── mtp_llama │ ├── configuration_mtp_llama.py │ └── modeling_mtp_llama.py └── tests │ ├── __init__.py │ ├── conftest.py │ └── test_apriel2 │ ├── __init__.py │ ├── conftest.py │ ├── test_cache.py │ ├── test_cache_routing.py │ ├── test_compose_configs.py │ ├── test_convert_from_llava.py │ ├── test_equivalence.py │ ├── test_expr_plan.py │ ├── test_mixer_equivalence.py │ ├── test_model_structure.py │ ├── test_modeling.py │ └── test_plan_composition_torture.py ├── mkdocs.yaml ├── pyproject.toml ├── setup.cfg ├── setup.py ├── tests ├── __init__.py ├── config │ ├── __init__.py │ ├── common.py │ ├── test_config.py │ ├── test_field.py │ └── test_update.py ├── conftest.py ├── data │ ├── __init__.py │ ├── common.py │ ├── test_blending.py │ ├── test_concatenate.py │ ├── test_fim.py │ ├── test_image_patch.py │ ├── test_loss_masking_spans.py │ ├── test_preference_spans.py │ ├── test_preparator.py │ ├── test_random.py │ ├── test_sampling.py │ └── test_slice.py ├── functional │ ├── __init__.py │ ├── test_cross_entropy.py │ ├── test_functional.py │ ├── test_sparse_matmul.py │ └── test_triton_kernels.py ├── layers │ ├── __init__.py │ ├── test_gdn_equivalence.py │ ├── test_lm_head.py │ └── test_rotary.py ├── models │ ├── __init__.py │ ├── distributed_test_checkpoint.py │ ├── distributed_test_model.py │ ├── test_checkpoint.py │ ├── test_generate.py │ ├── test_lm_eval.py │ ├── test_match_megatron.py │ └── test_model.py ├── test_attention.py ├── test_config.py ├── test_multi_stage.py ├── test_varlen.py └── utils │ ├── __init__.py │ ├── compare_tensor_logs.py │ ├── dataset.py │ ├── depends.py │ ├── distributed_configs.py │ ├── global_variables.py │ ├── model_configs.py │ ├── run_test_script.py │ ├── save_load_configs.py │ └── utils.py └── tools ├── moe_add_experts.py ├── push_model.py └── transformer_add_mtp_heads.py /.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/.dockerignore -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/bug_report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/.github/ISSUE_TEMPLATE/bug_report.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/feature_request.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/.github/ISSUE_TEMPLATE/feature_request.md -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/.github/PULL_REQUEST_TEMPLATE.md -------------------------------------------------------------------------------- /.github/workflows/ci.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/.github/workflows/ci.yaml -------------------------------------------------------------------------------- /.github/workflows/docs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/.github/workflows/docs.yaml -------------------------------------------------------------------------------- /.github/workflows/manual-build.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/.github/workflows/manual-build.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/.gitmodules -------------------------------------------------------------------------------- /.isort.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/.isort.cfg -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /CITATION.cff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/CITATION.cff -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/Dockerfile -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/README.md -------------------------------------------------------------------------------- /SECURITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/SECURITY.md -------------------------------------------------------------------------------- /docs/.markdownlint.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/.markdownlint.yaml -------------------------------------------------------------------------------- /docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/README.md -------------------------------------------------------------------------------- /docs/about-us.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/about-us.md -------------------------------------------------------------------------------- /docs/assets/images/logo.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/assets/images/logo.svg -------------------------------------------------------------------------------- /docs/contributing/contributing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/contributing/contributing.md -------------------------------------------------------------------------------- /docs/contributing/dev-practices.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/contributing/dev-practices.md -------------------------------------------------------------------------------- /docs/contributing/how-to-release.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/contributing/how-to-release.md -------------------------------------------------------------------------------- /docs/contributing/style-guide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/contributing/style-guide.md -------------------------------------------------------------------------------- /docs/contributing/testing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/contributing/testing.md -------------------------------------------------------------------------------- /docs/developer_guide/configuration.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/developer_guide/configuration.md -------------------------------------------------------------------------------- /docs/developer_guide/conversion.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/developer_guide/conversion.md -------------------------------------------------------------------------------- /docs/developer_guide/model.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/developer_guide/model.md -------------------------------------------------------------------------------- /docs/help.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/help.md -------------------------------------------------------------------------------- /docs/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/index.md -------------------------------------------------------------------------------- /docs/join-us.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/join-us.md -------------------------------------------------------------------------------- /docs/license.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/license.md -------------------------------------------------------------------------------- /docs/overrides/hooks/shortcodes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/overrides/hooks/shortcodes.py -------------------------------------------------------------------------------- /docs/overrides/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/overrides/index.html -------------------------------------------------------------------------------- /docs/overrides/main.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/overrides/main.html -------------------------------------------------------------------------------- /docs/quick-start.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/quick-start.md -------------------------------------------------------------------------------- /docs/recipes/continue-training.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/recipes/continue-training.md -------------------------------------------------------------------------------- /docs/recipes/data-configuration.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/recipes/data-configuration.md -------------------------------------------------------------------------------- /docs/recipes/data-preparation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/recipes/data-preparation.md -------------------------------------------------------------------------------- /docs/recipes/generate.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/recipes/generate.md -------------------------------------------------------------------------------- /docs/recipes/instruction-finetuning.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/recipes/instruction-finetuning.md -------------------------------------------------------------------------------- /docs/recipes/train.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/recipes/train.md -------------------------------------------------------------------------------- /docs/recipes/upcycle-llama-3b-to-moe.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/recipes/upcycle-llama-3b-to-moe.md -------------------------------------------------------------------------------- /docs/refs.bib: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/refs.bib -------------------------------------------------------------------------------- /docs/success-stories/starcoder-2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/success-stories/starcoder-2.md -------------------------------------------------------------------------------- /docs/user_guide/configuration.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/user_guide/configuration.md -------------------------------------------------------------------------------- /docs/user_guide/evaluators.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/user_guide/evaluators.md -------------------------------------------------------------------------------- /docs/user_guide/multi-stage.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/user_guide/multi-stage.md -------------------------------------------------------------------------------- /docs/user_guide/parallelism.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/docs/user_guide/parallelism.md -------------------------------------------------------------------------------- /examples/fast-llm-pvc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/examples/fast-llm-pvc.yaml -------------------------------------------------------------------------------- /examples/fast-llm.pytorchjob.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/examples/fast-llm.pytorchjob.yaml -------------------------------------------------------------------------------- /examples/fast-llm.sbat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/examples/fast-llm.sbat -------------------------------------------------------------------------------- /examples/mistral.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/examples/mistral.yaml -------------------------------------------------------------------------------- /fast_llm/__init__.py: -------------------------------------------------------------------------------- 1 | __version__ = "0.3.0" 2 | -------------------------------------------------------------------------------- /fast_llm/cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/cli.py -------------------------------------------------------------------------------- /fast_llm/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/config.py -------------------------------------------------------------------------------- /fast_llm/core/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/core/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/core/distributed.py -------------------------------------------------------------------------------- /fast_llm/core/kernels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/core/kernels.py -------------------------------------------------------------------------------- /fast_llm/core/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/core/ops.py -------------------------------------------------------------------------------- /fast_llm/csrc/data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/csrc/data.cpp -------------------------------------------------------------------------------- /fast_llm/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/data/auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/auto.py -------------------------------------------------------------------------------- /fast_llm/data/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/config.py -------------------------------------------------------------------------------- /fast_llm/data/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/data/data/abstract.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/data/abstract.py -------------------------------------------------------------------------------- /fast_llm/data/data/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/data/config.py -------------------------------------------------------------------------------- /fast_llm/data/data/gpt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/data/data/gpt/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/data/gpt/config.py -------------------------------------------------------------------------------- /fast_llm/data/data/gpt/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/data/gpt/data.py -------------------------------------------------------------------------------- /fast_llm/data/dataset/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/data/dataset/abstract.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/dataset/abstract.py -------------------------------------------------------------------------------- /fast_llm/data/dataset/blended.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/dataset/blended.py -------------------------------------------------------------------------------- /fast_llm/data/dataset/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/dataset/config.py -------------------------------------------------------------------------------- /fast_llm/data/dataset/gpt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/data/dataset/gpt/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/dataset/gpt/config.py -------------------------------------------------------------------------------- /fast_llm/data/dataset/gpt/fim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/dataset/gpt/fim.py -------------------------------------------------------------------------------- /fast_llm/data/dataset/gpt/legacy_memmap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/dataset/gpt/legacy_memmap.py -------------------------------------------------------------------------------- /fast_llm/data/dataset/gpt/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/dataset/gpt/random.py -------------------------------------------------------------------------------- /fast_llm/data/dataset/indexed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/dataset/indexed.py -------------------------------------------------------------------------------- /fast_llm/data/dataset/memmap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/dataset/memmap.py -------------------------------------------------------------------------------- /fast_llm/data/dataset/monitor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/dataset/monitor.py -------------------------------------------------------------------------------- /fast_llm/data/dataset/sampled.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/dataset/sampled.py -------------------------------------------------------------------------------- /fast_llm/data/iterator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/iterator.py -------------------------------------------------------------------------------- /fast_llm/data/preparator/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/data/preparator/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/preparator/config.py -------------------------------------------------------------------------------- /fast_llm/data/preparator/gpt_memmap/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/data/preparator/gpt_memmap/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/preparator/gpt_memmap/config.py -------------------------------------------------------------------------------- /fast_llm/data/preparator/gpt_memmap/prepare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/preparator/gpt_memmap/prepare.py -------------------------------------------------------------------------------- /fast_llm/data/preprocessing/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/data/preprocessing/image_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/preprocessing/image_patch.py -------------------------------------------------------------------------------- /fast_llm/data/preprocessing/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/preprocessing/tokenizer.py -------------------------------------------------------------------------------- /fast_llm/data/sample/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/data/sample/abstract.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/sample/abstract.py -------------------------------------------------------------------------------- /fast_llm/data/sample/language_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/sample/language_model.py -------------------------------------------------------------------------------- /fast_llm/data/sample/patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/sample/patch.py -------------------------------------------------------------------------------- /fast_llm/data/sample/range.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/sample/range.py -------------------------------------------------------------------------------- /fast_llm/data/sample/token.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/data/sample/token.py -------------------------------------------------------------------------------- /fast_llm/engine/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/engine/base_model/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/engine/base_model/base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/base_model/base_model.py -------------------------------------------------------------------------------- /fast_llm/engine/base_model/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/base_model/config.py -------------------------------------------------------------------------------- /fast_llm/engine/checkpoint/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/engine/checkpoint/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/checkpoint/config.py -------------------------------------------------------------------------------- /fast_llm/engine/checkpoint/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/checkpoint/convert.py -------------------------------------------------------------------------------- /fast_llm/engine/checkpoint/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/checkpoint/distributed.py -------------------------------------------------------------------------------- /fast_llm/engine/checkpoint/external.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/checkpoint/external.py -------------------------------------------------------------------------------- /fast_llm/engine/checkpoint/huggingface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/checkpoint/huggingface.py -------------------------------------------------------------------------------- /fast_llm/engine/checkpoint/safe_load.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/checkpoint/safe_load.py -------------------------------------------------------------------------------- /fast_llm/engine/checkpoint/state_dict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/checkpoint/state_dict.py -------------------------------------------------------------------------------- /fast_llm/engine/config_utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/engine/config_utils/data_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/config_utils/data_type.py -------------------------------------------------------------------------------- /fast_llm/engine/config_utils/initialization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/config_utils/initialization.py -------------------------------------------------------------------------------- /fast_llm/engine/config_utils/logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/config_utils/logging.py -------------------------------------------------------------------------------- /fast_llm/engine/config_utils/parameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/config_utils/parameter.py -------------------------------------------------------------------------------- /fast_llm/engine/config_utils/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/config_utils/run.py -------------------------------------------------------------------------------- /fast_llm/engine/config_utils/runnable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/config_utils/runnable.py -------------------------------------------------------------------------------- /fast_llm/engine/config_utils/tensor_dim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/config_utils/tensor_dim.py -------------------------------------------------------------------------------- /fast_llm/engine/distributed/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/engine/distributed/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/distributed/config.py -------------------------------------------------------------------------------- /fast_llm/engine/distributed/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/distributed/distributed.py -------------------------------------------------------------------------------- /fast_llm/engine/evaluation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/engine/evaluation/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/evaluation/config.py -------------------------------------------------------------------------------- /fast_llm/engine/evaluation/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/evaluation/evaluator.py -------------------------------------------------------------------------------- /fast_llm/engine/evaluation/evaluators.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/evaluation/evaluators.py -------------------------------------------------------------------------------- /fast_llm/engine/evaluation/lm_eval/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/engine/evaluation/lm_eval/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/evaluation/lm_eval/evaluator.py -------------------------------------------------------------------------------- /fast_llm/engine/evaluation/lm_eval/fast_llm_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/evaluation/lm_eval/fast_llm_wrapper.py -------------------------------------------------------------------------------- /fast_llm/engine/evaluation/lm_eval/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/evaluation/lm_eval/utils.py -------------------------------------------------------------------------------- /fast_llm/engine/inference/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/engine/inference/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/inference/config.py -------------------------------------------------------------------------------- /fast_llm/engine/inference/huggingface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/inference/huggingface.py -------------------------------------------------------------------------------- /fast_llm/engine/inference/runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/inference/runner.py -------------------------------------------------------------------------------- /fast_llm/engine/multi_stage/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/engine/multi_stage/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/multi_stage/config.py -------------------------------------------------------------------------------- /fast_llm/engine/multi_stage/fast_llm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/multi_stage/fast_llm_model.py -------------------------------------------------------------------------------- /fast_llm/engine/multi_stage/fsdp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/multi_stage/fsdp.py -------------------------------------------------------------------------------- /fast_llm/engine/multi_stage/multi_stage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/multi_stage/multi_stage.py -------------------------------------------------------------------------------- /fast_llm/engine/multi_stage/stage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/multi_stage/stage.py -------------------------------------------------------------------------------- /fast_llm/engine/multi_stage/stage_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/multi_stage/stage_base.py -------------------------------------------------------------------------------- /fast_llm/engine/optimizer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/engine/optimizer/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/optimizer/config.py -------------------------------------------------------------------------------- /fast_llm/engine/optimizer/learning_rate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/optimizer/learning_rate.py -------------------------------------------------------------------------------- /fast_llm/engine/optimizer/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/optimizer/optimizer.py -------------------------------------------------------------------------------- /fast_llm/engine/schedule/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/engine/schedule/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/schedule/config.py -------------------------------------------------------------------------------- /fast_llm/engine/schedule/runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/schedule/runner.py -------------------------------------------------------------------------------- /fast_llm/engine/schedule/schedule.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/schedule/schedule.py -------------------------------------------------------------------------------- /fast_llm/engine/training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/engine/training/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/training/config.py -------------------------------------------------------------------------------- /fast_llm/engine/training/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/training/trainer.py -------------------------------------------------------------------------------- /fast_llm/engine/training/wandb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/engine/training/wandb.py -------------------------------------------------------------------------------- /fast_llm/functional/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/functional/autograd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/autograd.py -------------------------------------------------------------------------------- /fast_llm/functional/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/config.py -------------------------------------------------------------------------------- /fast_llm/functional/cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/cross_entropy.py -------------------------------------------------------------------------------- /fast_llm/functional/dpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/dpo.py -------------------------------------------------------------------------------- /fast_llm/functional/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/linear.py -------------------------------------------------------------------------------- /fast_llm/functional/triton/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/triton/__init__.py -------------------------------------------------------------------------------- /fast_llm/functional/triton/adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/triton/adam.py -------------------------------------------------------------------------------- /fast_llm/functional/triton/cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/triton/cross_entropy.py -------------------------------------------------------------------------------- /fast_llm/functional/triton/mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/triton/mlp.py -------------------------------------------------------------------------------- /fast_llm/functional/triton/normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/triton/normalization.py -------------------------------------------------------------------------------- /fast_llm/functional/triton/pointwise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/triton/pointwise.py -------------------------------------------------------------------------------- /fast_llm/functional/triton/rotary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/triton/rotary.py -------------------------------------------------------------------------------- /fast_llm/functional/triton/sparse_copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/triton/sparse_copy.py -------------------------------------------------------------------------------- /fast_llm/functional/triton/sparse_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/functional/triton/sparse_linear.py -------------------------------------------------------------------------------- /fast_llm/layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/layers/attention/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/layers/attention/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/attention/attention.py -------------------------------------------------------------------------------- /fast_llm/layers/attention/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/attention/config.py -------------------------------------------------------------------------------- /fast_llm/layers/attention/rotary/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/layers/attention/rotary/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/attention/rotary/config.py -------------------------------------------------------------------------------- /fast_llm/layers/attention/rotary/rotary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/attention/rotary/rotary.py -------------------------------------------------------------------------------- /fast_llm/layers/block/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/layers/block/block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/block/block.py -------------------------------------------------------------------------------- /fast_llm/layers/block/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/block/config.py -------------------------------------------------------------------------------- /fast_llm/layers/block/sequence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/block/sequence.py -------------------------------------------------------------------------------- /fast_llm/layers/common/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/layers/common/auxiliary_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/common/auxiliary_loss.py -------------------------------------------------------------------------------- /fast_llm/layers/common/linear/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/layers/common/linear/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/common/linear/config.py -------------------------------------------------------------------------------- /fast_llm/layers/common/linear/convolution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/common/linear/convolution.py -------------------------------------------------------------------------------- /fast_llm/layers/common/linear/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/common/linear/linear.py -------------------------------------------------------------------------------- /fast_llm/layers/common/normalization/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/layers/common/normalization/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/common/normalization/config.py -------------------------------------------------------------------------------- /fast_llm/layers/common/normalization/normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/common/normalization/normalization.py -------------------------------------------------------------------------------- /fast_llm/layers/common/peft/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/layers/common/peft/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/common/peft/config.py -------------------------------------------------------------------------------- /fast_llm/layers/common/peft/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/common/peft/lora.py -------------------------------------------------------------------------------- /fast_llm/layers/decoder/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/layers/decoder/block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/decoder/block.py -------------------------------------------------------------------------------- /fast_llm/layers/decoder/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/decoder/config.py -------------------------------------------------------------------------------- /fast_llm/layers/decoder/mlp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/layers/decoder/mlp/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/decoder/mlp/config.py -------------------------------------------------------------------------------- /fast_llm/layers/decoder/mlp/mixture_of_experts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/decoder/mlp/mixture_of_experts.py -------------------------------------------------------------------------------- /fast_llm/layers/decoder/mlp/mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/decoder/mlp/mlp.py -------------------------------------------------------------------------------- /fast_llm/layers/decoder/stochastic_mixer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/decoder/stochastic_mixer.py -------------------------------------------------------------------------------- /fast_llm/layers/language_model/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/layers/language_model/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/language_model/config.py -------------------------------------------------------------------------------- /fast_llm/layers/language_model/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/language_model/embedding.py -------------------------------------------------------------------------------- /fast_llm/layers/language_model/head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/language_model/head.py -------------------------------------------------------------------------------- /fast_llm/layers/language_model/language_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/language_model/language_model.py -------------------------------------------------------------------------------- /fast_llm/layers/language_model/multi_token_prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/language_model/multi_token_prediction.py -------------------------------------------------------------------------------- /fast_llm/layers/ssm/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/ssm/config.py -------------------------------------------------------------------------------- /fast_llm/layers/ssm/discrete_mamba2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/ssm/discrete_mamba2.py -------------------------------------------------------------------------------- /fast_llm/layers/ssm/gdn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/ssm/gdn.py -------------------------------------------------------------------------------- /fast_llm/layers/ssm/mamba.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/ssm/mamba.py -------------------------------------------------------------------------------- /fast_llm/layers/ssm/mamba2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/ssm/mamba2.py -------------------------------------------------------------------------------- /fast_llm/layers/vision/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/layers/vision/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/vision/config.py -------------------------------------------------------------------------------- /fast_llm/layers/vision/embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/vision/embeddings.py -------------------------------------------------------------------------------- /fast_llm/layers/vision/vision_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/layers/vision/vision_encoder.py -------------------------------------------------------------------------------- /fast_llm/logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/logging.py -------------------------------------------------------------------------------- /fast_llm/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/models/auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/auto.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/models/gpt/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/config.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/conversion/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/models/gpt/conversion/apriel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/conversion/apriel.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/conversion/apriel2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/conversion/apriel2.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/conversion/auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/conversion/auto.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/conversion/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/conversion/config.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/conversion/diffusion_dream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/conversion/diffusion_dream.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/conversion/diffusion_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/conversion/diffusion_llama.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/conversion/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/conversion/llama.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/conversion/mistral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/conversion/mistral.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/conversion/mixtral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/conversion/mixtral.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/conversion/mtp_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/conversion/mtp_llama.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/conversion/qwen2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/conversion/qwen2.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/huggingface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/huggingface.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/megatron.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/model.py -------------------------------------------------------------------------------- /fast_llm/models/gpt/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/gpt/trainer.py -------------------------------------------------------------------------------- /fast_llm/models/multimodal/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/models/multimodal/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/multimodal/config.py -------------------------------------------------------------------------------- /fast_llm/models/multimodal/conversion/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm/models/multimodal/conversion/apriel2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/multimodal/conversion/apriel2.py -------------------------------------------------------------------------------- /fast_llm/models/multimodal/conversion/auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/multimodal/conversion/auto.py -------------------------------------------------------------------------------- /fast_llm/models/multimodal/conversion/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/multimodal/conversion/config.py -------------------------------------------------------------------------------- /fast_llm/models/multimodal/conversion/llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/multimodal/conversion/llava.py -------------------------------------------------------------------------------- /fast_llm/models/multimodal/conversion/llava_hybrid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/multimodal/conversion/llava_hybrid.py -------------------------------------------------------------------------------- /fast_llm/models/multimodal/huggingface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/multimodal/huggingface.py -------------------------------------------------------------------------------- /fast_llm/models/multimodal/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/multimodal/model.py -------------------------------------------------------------------------------- /fast_llm/models/multimodal/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/models/multimodal/trainer.py -------------------------------------------------------------------------------- /fast_llm/profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/profile.py -------------------------------------------------------------------------------- /fast_llm/tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/tensor.py -------------------------------------------------------------------------------- /fast_llm/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm/utils.py -------------------------------------------------------------------------------- /fast_llm_external_models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/__init__.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/cache.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/configuration_apriel2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/configuration_apriel2.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/conversion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/conversion/__init__.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/conversion/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/conversion/config.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/conversion/converters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/conversion/converters.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/conversion/executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/conversion/executor.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/conversion/expr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/conversion/expr.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/conversion/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/conversion/io.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/conversion/llava/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/conversion/llava/__init__.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/conversion/llava/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/conversion/llava/config.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/conversion/llava/plan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/conversion/llava/plan.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/conversion/render.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/conversion/render.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/convert.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/examples/comprehensive.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/examples/comprehensive.yaml -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/examples/heterogeneous_pattern.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/examples/heterogeneous_pattern.yaml -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/examples/hybrid_dil.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/examples/hybrid_dil.yaml -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/examples/hybrid_mil.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/examples/hybrid_mil.yaml -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/examples/small.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/examples/small.yaml -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/examples/stochastic_supernet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/examples/stochastic_supernet.yaml -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/examples/train_supernet_small.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/examples/train_supernet_small.yaml -------------------------------------------------------------------------------- /fast_llm_external_models/apriel2/modeling_apriel2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel2/modeling_apriel2.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel_hybrid_ssm/configuration_apriel_hybrid_ssm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel_hybrid_ssm/configuration_apriel_hybrid_ssm.py -------------------------------------------------------------------------------- /fast_llm_external_models/apriel_hybrid_ssm/modeling_apriel_hybrid_ssm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/apriel_hybrid_ssm/modeling_apriel_hybrid_ssm.py -------------------------------------------------------------------------------- /fast_llm_external_models/diffusion_dream/configuration_dream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/diffusion_dream/configuration_dream.py -------------------------------------------------------------------------------- /fast_llm_external_models/diffusion_dream/generation_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/diffusion_dream/generation_config.json -------------------------------------------------------------------------------- /fast_llm_external_models/diffusion_dream/generation_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/diffusion_dream/generation_utils.py -------------------------------------------------------------------------------- /fast_llm_external_models/diffusion_dream/modeling_dream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/diffusion_dream/modeling_dream.py -------------------------------------------------------------------------------- /fast_llm_external_models/diffusion_llama/configuration_diffusion_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/diffusion_llama/configuration_diffusion_llama.py -------------------------------------------------------------------------------- /fast_llm_external_models/diffusion_llama/generation_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/diffusion_llama/generation_utils.py -------------------------------------------------------------------------------- /fast_llm_external_models/diffusion_llama/modeling_diffusion_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/diffusion_llama/modeling_diffusion_llama.py -------------------------------------------------------------------------------- /fast_llm_external_models/eval/apriel_eval_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/eval/apriel_eval_wrapper.py -------------------------------------------------------------------------------- /fast_llm_external_models/eval/run_evalchemy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/eval/run_evalchemy.py -------------------------------------------------------------------------------- /fast_llm_external_models/eval/run_lm_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/eval/run_lm_eval.py -------------------------------------------------------------------------------- /fast_llm_external_models/llava_hybrid/configuration_llava_hybrid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/llava_hybrid/configuration_llava_hybrid.py -------------------------------------------------------------------------------- /fast_llm_external_models/llava_hybrid/modeling_llava_hybrid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/llava_hybrid/modeling_llava_hybrid.py -------------------------------------------------------------------------------- /fast_llm_external_models/make_hybrid_checkpoint_with_importance_15b_mil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/make_hybrid_checkpoint_with_importance_15b_mil.py -------------------------------------------------------------------------------- /fast_llm_external_models/mtp_llama/configuration_mtp_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/mtp_llama/configuration_mtp_llama.py -------------------------------------------------------------------------------- /fast_llm_external_models/mtp_llama/modeling_mtp_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/mtp_llama/modeling_mtp_llama.py -------------------------------------------------------------------------------- /fast_llm_external_models/tests/__init__.py: -------------------------------------------------------------------------------- 1 | """Tests for fast_llm_external_models package.""" 2 | -------------------------------------------------------------------------------- /fast_llm_external_models/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/tests/conftest.py -------------------------------------------------------------------------------- /fast_llm_external_models/tests/test_apriel2/__init__.py: -------------------------------------------------------------------------------- 1 | """Tests for Apriel2 model implementation.""" 2 | -------------------------------------------------------------------------------- /fast_llm_external_models/tests/test_apriel2/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/tests/test_apriel2/conftest.py -------------------------------------------------------------------------------- /fast_llm_external_models/tests/test_apriel2/test_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/tests/test_apriel2/test_cache.py -------------------------------------------------------------------------------- /fast_llm_external_models/tests/test_apriel2/test_cache_routing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/tests/test_apriel2/test_cache_routing.py -------------------------------------------------------------------------------- /fast_llm_external_models/tests/test_apriel2/test_compose_configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/tests/test_apriel2/test_compose_configs.py -------------------------------------------------------------------------------- /fast_llm_external_models/tests/test_apriel2/test_convert_from_llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/tests/test_apriel2/test_convert_from_llava.py -------------------------------------------------------------------------------- /fast_llm_external_models/tests/test_apriel2/test_equivalence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/tests/test_apriel2/test_equivalence.py -------------------------------------------------------------------------------- /fast_llm_external_models/tests/test_apriel2/test_expr_plan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/tests/test_apriel2/test_expr_plan.py -------------------------------------------------------------------------------- /fast_llm_external_models/tests/test_apriel2/test_mixer_equivalence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/tests/test_apriel2/test_mixer_equivalence.py -------------------------------------------------------------------------------- /fast_llm_external_models/tests/test_apriel2/test_model_structure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/tests/test_apriel2/test_model_structure.py -------------------------------------------------------------------------------- /fast_llm_external_models/tests/test_apriel2/test_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/tests/test_apriel2/test_modeling.py -------------------------------------------------------------------------------- /fast_llm_external_models/tests/test_apriel2/test_plan_composition_torture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/fast_llm_external_models/tests/test_apriel2/test_plan_composition_torture.py -------------------------------------------------------------------------------- /mkdocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/mkdocs.yaml -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/pyproject.toml -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/setup.cfg -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/setup.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/config/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/config/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/config/common.py -------------------------------------------------------------------------------- /tests/config/test_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/config/test_config.py -------------------------------------------------------------------------------- /tests/config/test_field.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/config/test_field.py -------------------------------------------------------------------------------- /tests/config/test_update.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/config/test_update.py -------------------------------------------------------------------------------- /tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/conftest.py -------------------------------------------------------------------------------- /tests/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/data/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/data/common.py -------------------------------------------------------------------------------- /tests/data/test_blending.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/data/test_blending.py -------------------------------------------------------------------------------- /tests/data/test_concatenate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/data/test_concatenate.py -------------------------------------------------------------------------------- /tests/data/test_fim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/data/test_fim.py -------------------------------------------------------------------------------- /tests/data/test_image_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/data/test_image_patch.py -------------------------------------------------------------------------------- /tests/data/test_loss_masking_spans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/data/test_loss_masking_spans.py -------------------------------------------------------------------------------- /tests/data/test_preference_spans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/data/test_preference_spans.py -------------------------------------------------------------------------------- /tests/data/test_preparator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/data/test_preparator.py -------------------------------------------------------------------------------- /tests/data/test_random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/data/test_random.py -------------------------------------------------------------------------------- /tests/data/test_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/data/test_sampling.py -------------------------------------------------------------------------------- /tests/data/test_slice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/data/test_slice.py -------------------------------------------------------------------------------- /tests/functional/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/functional/test_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/functional/test_cross_entropy.py -------------------------------------------------------------------------------- /tests/functional/test_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/functional/test_functional.py -------------------------------------------------------------------------------- /tests/functional/test_sparse_matmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/functional/test_sparse_matmul.py -------------------------------------------------------------------------------- /tests/functional/test_triton_kernels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/functional/test_triton_kernels.py -------------------------------------------------------------------------------- /tests/layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/layers/test_gdn_equivalence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/layers/test_gdn_equivalence.py -------------------------------------------------------------------------------- /tests/layers/test_lm_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/layers/test_lm_head.py -------------------------------------------------------------------------------- /tests/layers/test_rotary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/layers/test_rotary.py -------------------------------------------------------------------------------- /tests/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/models/distributed_test_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/models/distributed_test_checkpoint.py -------------------------------------------------------------------------------- /tests/models/distributed_test_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/models/distributed_test_model.py -------------------------------------------------------------------------------- /tests/models/test_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/models/test_checkpoint.py -------------------------------------------------------------------------------- /tests/models/test_generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/models/test_generate.py -------------------------------------------------------------------------------- /tests/models/test_lm_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/models/test_lm_eval.py -------------------------------------------------------------------------------- /tests/models/test_match_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/models/test_match_megatron.py -------------------------------------------------------------------------------- /tests/models/test_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/models/test_model.py -------------------------------------------------------------------------------- /tests/test_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/test_attention.py -------------------------------------------------------------------------------- /tests/test_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/test_config.py -------------------------------------------------------------------------------- /tests/test_multi_stage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/test_multi_stage.py -------------------------------------------------------------------------------- /tests/test_varlen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/test_varlen.py -------------------------------------------------------------------------------- /tests/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/utils/compare_tensor_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/utils/compare_tensor_logs.py -------------------------------------------------------------------------------- /tests/utils/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/utils/dataset.py -------------------------------------------------------------------------------- /tests/utils/depends.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/utils/depends.py -------------------------------------------------------------------------------- /tests/utils/distributed_configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/utils/distributed_configs.py -------------------------------------------------------------------------------- /tests/utils/global_variables.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/utils/global_variables.py -------------------------------------------------------------------------------- /tests/utils/model_configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/utils/model_configs.py -------------------------------------------------------------------------------- /tests/utils/run_test_script.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/utils/run_test_script.py -------------------------------------------------------------------------------- /tests/utils/save_load_configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/utils/save_load_configs.py -------------------------------------------------------------------------------- /tests/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tests/utils/utils.py -------------------------------------------------------------------------------- /tools/moe_add_experts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tools/moe_add_experts.py -------------------------------------------------------------------------------- /tools/push_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tools/push_model.py -------------------------------------------------------------------------------- /tools/transformer_add_mtp_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ServiceNow/Fast-LLM/HEAD/tools/transformer_add_mtp_heads.py --------------------------------------------------------------------------------