├── .gitignore ├── CTRG_dataset ├── Pathological_labels.json ├── medical entities.txt ├── test.json ├── train.json └── validation.json ├── README.md ├── data_processing ├── Tissue_Lesion_Alignment.zip ├── build_graph_data.py └── description.txt ├── llama-recipes ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── README.md ├── UPDATES.md ├── dev_requirements.txt ├── docs │ ├── FAQ.md │ ├── LLM_finetuning.md │ ├── images │ │ ├── feature-based_FN.png │ │ ├── feature-based_FN_2.png │ │ ├── full-param-FN.png │ │ ├── llama2-gradio.png │ │ ├── llama2-streamlit.png │ │ ├── llama2-streamlit2.png │ │ ├── messenger_api_settings.png │ │ ├── messenger_llama_arch.jpg │ │ ├── wandb_screenshot.png │ │ ├── whatsapp_dashboard.jpg │ │ └── whatsapp_llama_arch.jpg │ ├── multi_gpu.md │ └── single_gpu.md ├── pyproject.toml ├── recipes │ ├── README.md │ ├── benchmarks │ │ ├── fmbench │ │ │ ├── README.md │ │ │ ├── config.yml │ │ │ └── img │ │ │ │ ├── CFT.png │ │ │ │ ├── instances.png │ │ │ │ └── latency_vs_tokens.png │ │ └── inference_throughput │ │ │ ├── README.md │ │ │ ├── cloud-api │ │ │ ├── README.md │ │ │ └── azure │ │ │ │ ├── chat_azure_api_benchmark.py │ │ │ │ ├── input.jsonl │ │ │ │ ├── parameters.json │ │ │ │ └── pretrained_azure_api_benchmark.py │ │ │ ├── on-prem │ │ │ ├── README.md │ │ │ └── vllm │ │ │ │ ├── chat_vllm_benchmark.py │ │ │ │ ├── input.jsonl │ │ │ │ ├── parameters.json │ │ │ │ └── pretrained_vllm_benchmark.py │ │ │ ├── requirements.txt │ │ │ └── tokenizer │ │ │ ├── special_tokens_map.json │ │ │ ├── tokenizer.json │ │ │ ├── tokenizer.model │ │ │ └── tokenizer_config.json │ ├── code_llama │ │ ├── README.md │ │ ├── code_completion_example.py │ │ ├── code_completion_prompt.txt │ │ ├── code_infilling_example.py │ │ ├── code_infilling_prompt.txt │ │ └── code_instruct_example.py │ ├── evaluation │ │ ├── README.md │ │ ├── eval.py │ │ ├── open_llm_eval_prep.sh │ │ └── open_llm_leaderboard │ │ │ ├── arc_challeneg_25shots.yaml │ │ │ ├── hellaswag_10shots.yaml │ │ │ ├── hellaswag_utils.py │ │ │ ├── mmlu_5shots.yaml │ │ │ └── winogrande_5shots.yaml │ ├── finetuning │ │ ├── LLM_finetuning_overview.md │ │ ├── README.md │ │ ├── datasets │ │ │ ├── README.md │ │ │ └── custom_dataset.py │ │ ├── finetuning.py │ │ ├── finetuning_ctrg.py │ │ ├── finetuning_work4.py │ │ ├── huggingface_trainer │ │ │ └── peft_finetuning.ipynb │ │ ├── multi_node.slurm │ │ ├── multigpu_finetuning.md │ │ └── singlegpu_finetuning.md │ ├── inference │ │ ├── llama_web_ui │ │ │ ├── Llama2_Gradio.ipynb │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ └── streamlit_llama2.py │ │ ├── local_inference │ │ │ ├── README.md │ │ │ ├── chat_completion │ │ │ │ ├── chat_completion.py │ │ │ │ └── chats.json │ │ │ ├── inference.py │ │ │ └── samsum_prompt.txt │ │ └── model_servers │ │ │ ├── README.md │ │ │ ├── hf_text_generation_inference │ │ │ ├── README.md │ │ │ └── merge_lora_weights.py │ │ │ ├── llama-on-prem.md │ │ │ └── vllm │ │ │ └── inference.py │ ├── llama_api_providers │ │ ├── Azure_API_example │ │ │ └── azure_api_example.ipynb │ │ ├── OctoAI_API_examples │ │ │ ├── Getting_to_know_Llama.ipynb │ │ │ ├── HelloLlamaCloud.ipynb │ │ │ ├── LiveData.ipynb │ │ │ ├── Llama2_Gradio.ipynb │ │ │ ├── RAG_Chatbot_example │ │ │ │ ├── RAG_Chatbot_Example.ipynb │ │ │ │ ├── data │ │ │ │ │ └── Llama Getting Started Guide.pdf │ │ │ │ ├── requirements.txt │ │ │ │ └── vectorstore │ │ │ │ │ └── db_faiss │ │ │ │ │ ├── index.faiss │ │ │ │ │ └── index.pkl │ │ │ └── VideoSummary.ipynb │ │ ├── Using_Externally_Hosted_LLMs.ipynb │ │ └── examples_with_aws │ │ │ ├── Prompt_Engineering_with_Llama_2_On_Amazon_Bedrock.ipynb │ │ │ ├── ReAct_Llama_3_Bedrock-WK.ipynb │ │ │ └── getting_started_llama_3_on_amazon_bedrock.ipynb │ ├── multilingual │ │ ├── README.md │ │ ├── extend_tokenizer.py │ │ ├── imgs │ │ │ ├── phase1-eval-loss.png │ │ │ ├── phase1-train-loss.png │ │ │ ├── phase2-eval-loss.png │ │ │ └── phase2-train-loss.png │ │ ├── prepare_data.py │ │ └── train_tokenizer.py │ ├── quickstart │ │ ├── Getting_to_know_Llama.ipynb │ │ ├── Prompt_Engineering_with_Llama_3.ipynb │ │ └── Running_Llama3_Anywhere │ │ │ ├── Running_Llama_on_HF_transformers.ipynb │ │ │ └── Running_Llama_on_Mac_Windows_Linux.ipynb │ ├── responsible_ai │ │ ├── CodeShieldUsageDemo.ipynb │ │ ├── Purple_Llama_Anyscale.ipynb │ │ ├── Purple_Llama_OctoAI.ipynb │ │ ├── README.md │ │ ├── input_output_guardrails_with_llama.ipynb │ │ └── llama_guard │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ └── inference.py │ ├── testing │ │ ├── testing_ctrg.py │ │ └── testing_work4.py │ └── use_cases │ │ ├── LiveData.ipynb │ │ ├── RAG │ │ └── HelloLlamaCloud.ipynb │ │ ├── README.md │ │ ├── VideoSummary.ipynb │ │ ├── agents │ │ └── langchain │ │ │ ├── README.md │ │ │ ├── langgraph-agent.ipynb │ │ │ ├── langgraph-rag-agent-local.ipynb │ │ │ ├── langgraph-rag-agent.ipynb │ │ │ └── tool-calling-agent.ipynb │ │ ├── chatbots │ │ ├── RAG_chatbot │ │ │ ├── RAG_Chatbot_Example.ipynb │ │ │ ├── data │ │ │ │ └── Llama Getting Started Guide.pdf │ │ │ ├── requirements.txt │ │ │ └── vectorstore │ │ │ │ ├── db_faiss │ │ │ │ ├── index.faiss │ │ │ │ └── index.pkl │ │ │ │ └── mongodb │ │ │ │ └── rag_mongodb_llama3_huggingface_open_source.ipynb │ │ ├── messenger_llama │ │ │ ├── llama_messenger.py │ │ │ └── messenger_llama3.md │ │ └── whatsapp_llama │ │ │ ├── llama_chatbot.py │ │ │ └── whatsapp_llama3.md │ │ └── text2sql │ │ ├── StructuredLlama.ipynb │ │ ├── csv2db.py │ │ ├── nba.txt │ │ ├── nba_roster.db │ │ └── txt2csv.py ├── requirements.txt ├── scripts │ ├── check_copyright_header.py │ ├── markdown_link_check_config.json │ ├── spellcheck.sh │ └── spellcheck_conf │ │ ├── spellcheck.yaml │ │ └── wordlist.txt ├── src │ ├── __init__.py │ └── llama_recipes │ │ ├── __init__.py │ │ ├── configs │ │ ├── __init__.py │ │ ├── datasets.py │ │ ├── fsdp.py │ │ ├── peft.py │ │ ├── training.py │ │ └── wandb.py │ │ ├── data │ │ ├── __init__.py │ │ ├── concatenator.py │ │ ├── llama_guard │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── finetuning_data_formatter.py │ │ │ └── finetuning_data_formatter_example.py │ │ └── sampler.py │ │ ├── datasets │ │ ├── __init__.py │ │ ├── alpaca_dataset.py │ │ ├── ctrg_dataset.py │ │ ├── ctrg_simple_dataset.py │ │ ├── grammar_dataset │ │ │ ├── __init__.py │ │ │ ├── grammar_dataset.py │ │ │ └── grammar_dataset_process.ipynb │ │ ├── samsum_dataset.py │ │ └── work4_ctrg_dataset.py │ │ ├── finetuning.py │ │ ├── finetuning_ResNet_MLP_llama.py │ │ ├── finetuning_work4_llama.py │ │ ├── inference │ │ ├── __init__.py │ │ ├── chat_utils.py │ │ ├── checkpoint_converter_fsdp_hf.py │ │ ├── llm.py │ │ ├── model_utils.py │ │ ├── prompt_format_utils.py │ │ └── safety_utils.py │ │ ├── model_checkpointing │ │ ├── __init__.py │ │ └── checkpoint_handler.py │ │ ├── models │ │ ├── ResNet_MLP_llama │ │ │ ├── __init__.py │ │ │ └── modeling_ResNet_MLP_llama.py │ │ ├── __init__.py │ │ ├── llama │ │ │ ├── __init__.py │ │ │ ├── configuration_llama.py │ │ │ ├── modeling_llama.py │ │ │ ├── tokenization_llama.py │ │ │ └── tokenization_llama_fast.py │ │ ├── llava │ │ │ ├── __init__.py │ │ │ ├── configuration_llava.py │ │ │ ├── modeling_llava.py │ │ │ └── processing_llava.py │ │ └── work4_llama │ │ │ ├── __init__.py │ │ │ └── modeling_work4_llama.py │ │ ├── policies │ │ ├── __init__.py │ │ ├── activation_checkpointing_functions.py │ │ ├── anyprecision_optimizer.py │ │ ├── mixed_precision.py │ │ └── wrapping.py │ │ ├── pycocoevalcap │ │ ├── __init__.py │ │ ├── all_medical_nouns.txt │ │ ├── bleu │ │ │ ├── LICENSE │ │ │ ├── __init__.py │ │ │ ├── bleu.py │ │ │ └── bleu_scorer.py │ │ ├── cider │ │ │ ├── __init__.py │ │ │ ├── cider.py │ │ │ └── cider_scorer.py │ │ ├── metrics_for_chs_mrg.py │ │ └── rouge │ │ │ ├── __init__.py │ │ │ └── rouge.py │ │ ├── test_ResNet_MLP_llama.py │ │ ├── test_work4_llama.py │ │ ├── tools │ │ ├── convert_hf_weights_to_llama.py │ │ ├── convert_llama_weights_to_hf.py │ │ └── convert_llava_weights_to_hf.py │ │ └── utils │ │ ├── __init__.py │ │ ├── config_utils.py │ │ ├── dataset_utils.py │ │ ├── flop_utils.py │ │ ├── fsdp_utils.py │ │ ├── hf_llama_conversion │ │ ├── README.md │ │ └── compare_llama_weights.py │ │ ├── memory_utils.py │ │ ├── plot_metrics.py │ │ ├── test_utils.py │ │ ├── train_utils.py │ │ ├── work4_test_utils.py │ │ └── work4_train_utils.py └── tests │ ├── conftest.py │ ├── datasets │ ├── test_custom_dataset.py │ ├── test_grammar_datasets.py │ └── test_samsum_datasets.py │ ├── test_batching.py │ ├── test_chat_completion.py │ ├── test_finetuning.py │ ├── test_finetuning_data_formatter.py │ ├── test_sampler.py │ └── test_train_utils.py └── requirements.txt /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/.gitignore -------------------------------------------------------------------------------- /CTRG_dataset/Pathological_labels.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/CTRG_dataset/Pathological_labels.json -------------------------------------------------------------------------------- /CTRG_dataset/medical entities.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/CTRG_dataset/medical entities.txt -------------------------------------------------------------------------------- /CTRG_dataset/test.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/CTRG_dataset/test.json -------------------------------------------------------------------------------- /CTRG_dataset/train.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/CTRG_dataset/train.json -------------------------------------------------------------------------------- /CTRG_dataset/validation.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/CTRG_dataset/validation.json -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/README.md -------------------------------------------------------------------------------- /data_processing/Tissue_Lesion_Alignment.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/data_processing/Tissue_Lesion_Alignment.zip -------------------------------------------------------------------------------- /data_processing/build_graph_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/data_processing/build_graph_data.py -------------------------------------------------------------------------------- /data_processing/description.txt: -------------------------------------------------------------------------------- 1 | This is an example of graph data processing. 2 | -------------------------------------------------------------------------------- /llama-recipes/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /llama-recipes/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/CONTRIBUTING.md -------------------------------------------------------------------------------- /llama-recipes/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/README.md -------------------------------------------------------------------------------- /llama-recipes/UPDATES.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/UPDATES.md -------------------------------------------------------------------------------- /llama-recipes/dev_requirements.txt: -------------------------------------------------------------------------------- 1 | vllm 2 | pytest-mock 3 | auditnlg -------------------------------------------------------------------------------- /llama-recipes/docs/FAQ.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/FAQ.md -------------------------------------------------------------------------------- /llama-recipes/docs/LLM_finetuning.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/LLM_finetuning.md -------------------------------------------------------------------------------- /llama-recipes/docs/images/feature-based_FN.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/images/feature-based_FN.png -------------------------------------------------------------------------------- /llama-recipes/docs/images/feature-based_FN_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/images/feature-based_FN_2.png -------------------------------------------------------------------------------- /llama-recipes/docs/images/full-param-FN.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/images/full-param-FN.png -------------------------------------------------------------------------------- /llama-recipes/docs/images/llama2-gradio.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/images/llama2-gradio.png -------------------------------------------------------------------------------- /llama-recipes/docs/images/llama2-streamlit.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/images/llama2-streamlit.png -------------------------------------------------------------------------------- /llama-recipes/docs/images/llama2-streamlit2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/images/llama2-streamlit2.png -------------------------------------------------------------------------------- /llama-recipes/docs/images/messenger_api_settings.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/images/messenger_api_settings.png -------------------------------------------------------------------------------- /llama-recipes/docs/images/messenger_llama_arch.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/images/messenger_llama_arch.jpg -------------------------------------------------------------------------------- /llama-recipes/docs/images/wandb_screenshot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/images/wandb_screenshot.png -------------------------------------------------------------------------------- /llama-recipes/docs/images/whatsapp_dashboard.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/images/whatsapp_dashboard.jpg -------------------------------------------------------------------------------- /llama-recipes/docs/images/whatsapp_llama_arch.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/images/whatsapp_llama_arch.jpg -------------------------------------------------------------------------------- /llama-recipes/docs/multi_gpu.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/multi_gpu.md -------------------------------------------------------------------------------- /llama-recipes/docs/single_gpu.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/docs/single_gpu.md -------------------------------------------------------------------------------- /llama-recipes/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/pyproject.toml -------------------------------------------------------------------------------- /llama-recipes/recipes/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/fmbench/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/fmbench/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/fmbench/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/fmbench/config.yml -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/fmbench/img/CFT.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/fmbench/img/CFT.png -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/fmbench/img/instances.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/fmbench/img/instances.png -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/fmbench/img/latency_vs_tokens.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/fmbench/img/latency_vs_tokens.png -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/cloud-api/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/cloud-api/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/cloud-api/azure/chat_azure_api_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/cloud-api/azure/chat_azure_api_benchmark.py -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/cloud-api/azure/input.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/cloud-api/azure/input.jsonl -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/cloud-api/azure/parameters.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/cloud-api/azure/parameters.json -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/cloud-api/azure/pretrained_azure_api_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/cloud-api/azure/pretrained_azure_api_benchmark.py -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/on-prem/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/on-prem/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/on-prem/vllm/chat_vllm_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/on-prem/vllm/chat_vllm_benchmark.py -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/on-prem/vllm/input.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/on-prem/vllm/input.jsonl -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/on-prem/vllm/parameters.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/on-prem/vllm/parameters.json -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/on-prem/vllm/pretrained_vllm_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/on-prem/vllm/pretrained_vllm_benchmark.py -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/requirements.txt -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/tokenizer/special_tokens_map.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/tokenizer/special_tokens_map.json -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/tokenizer/tokenizer.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/tokenizer/tokenizer.json -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/tokenizer/tokenizer.model: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/tokenizer/tokenizer.model -------------------------------------------------------------------------------- /llama-recipes/recipes/benchmarks/inference_throughput/tokenizer/tokenizer_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/benchmarks/inference_throughput/tokenizer/tokenizer_config.json -------------------------------------------------------------------------------- /llama-recipes/recipes/code_llama/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/code_llama/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/code_llama/code_completion_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/code_llama/code_completion_example.py -------------------------------------------------------------------------------- /llama-recipes/recipes/code_llama/code_completion_prompt.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/code_llama/code_completion_prompt.txt -------------------------------------------------------------------------------- /llama-recipes/recipes/code_llama/code_infilling_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/code_llama/code_infilling_example.py -------------------------------------------------------------------------------- /llama-recipes/recipes/code_llama/code_infilling_prompt.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/code_llama/code_infilling_prompt.txt -------------------------------------------------------------------------------- /llama-recipes/recipes/code_llama/code_instruct_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/code_llama/code_instruct_example.py -------------------------------------------------------------------------------- /llama-recipes/recipes/evaluation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/evaluation/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/evaluation/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/evaluation/eval.py -------------------------------------------------------------------------------- /llama-recipes/recipes/evaluation/open_llm_eval_prep.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/evaluation/open_llm_eval_prep.sh -------------------------------------------------------------------------------- /llama-recipes/recipes/evaluation/open_llm_leaderboard/arc_challeneg_25shots.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/evaluation/open_llm_leaderboard/arc_challeneg_25shots.yaml -------------------------------------------------------------------------------- /llama-recipes/recipes/evaluation/open_llm_leaderboard/hellaswag_10shots.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/evaluation/open_llm_leaderboard/hellaswag_10shots.yaml -------------------------------------------------------------------------------- /llama-recipes/recipes/evaluation/open_llm_leaderboard/hellaswag_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/evaluation/open_llm_leaderboard/hellaswag_utils.py -------------------------------------------------------------------------------- /llama-recipes/recipes/evaluation/open_llm_leaderboard/mmlu_5shots.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/evaluation/open_llm_leaderboard/mmlu_5shots.yaml -------------------------------------------------------------------------------- /llama-recipes/recipes/evaluation/open_llm_leaderboard/winogrande_5shots.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/evaluation/open_llm_leaderboard/winogrande_5shots.yaml -------------------------------------------------------------------------------- /llama-recipes/recipes/finetuning/LLM_finetuning_overview.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/finetuning/LLM_finetuning_overview.md -------------------------------------------------------------------------------- /llama-recipes/recipes/finetuning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/finetuning/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/finetuning/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/finetuning/datasets/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/finetuning/datasets/custom_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/finetuning/datasets/custom_dataset.py -------------------------------------------------------------------------------- /llama-recipes/recipes/finetuning/finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/finetuning/finetuning.py -------------------------------------------------------------------------------- /llama-recipes/recipes/finetuning/finetuning_ctrg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/finetuning/finetuning_ctrg.py -------------------------------------------------------------------------------- /llama-recipes/recipes/finetuning/finetuning_work4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/finetuning/finetuning_work4.py -------------------------------------------------------------------------------- /llama-recipes/recipes/finetuning/huggingface_trainer/peft_finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/finetuning/huggingface_trainer/peft_finetuning.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/finetuning/multi_node.slurm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/finetuning/multi_node.slurm -------------------------------------------------------------------------------- /llama-recipes/recipes/finetuning/multigpu_finetuning.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/finetuning/multigpu_finetuning.md -------------------------------------------------------------------------------- /llama-recipes/recipes/finetuning/singlegpu_finetuning.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/finetuning/singlegpu_finetuning.md -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/llama_web_ui/Llama2_Gradio.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/inference/llama_web_ui/Llama2_Gradio.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/llama_web_ui/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/inference/llama_web_ui/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/llama_web_ui/requirements.txt: -------------------------------------------------------------------------------- 1 | streamlit 2 | langchain 3 | replicate -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/llama_web_ui/streamlit_llama2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/inference/llama_web_ui/streamlit_llama2.py -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/local_inference/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/inference/local_inference/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/local_inference/chat_completion/chat_completion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/inference/local_inference/chat_completion/chat_completion.py -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/local_inference/chat_completion/chats.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/inference/local_inference/chat_completion/chats.json -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/local_inference/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/inference/local_inference/inference.py -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/local_inference/samsum_prompt.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/inference/local_inference/samsum_prompt.txt -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/model_servers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/inference/model_servers/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/model_servers/hf_text_generation_inference/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/inference/model_servers/hf_text_generation_inference/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/model_servers/hf_text_generation_inference/merge_lora_weights.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/inference/model_servers/hf_text_generation_inference/merge_lora_weights.py -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/model_servers/llama-on-prem.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/inference/model_servers/llama-on-prem.md -------------------------------------------------------------------------------- /llama-recipes/recipes/inference/model_servers/vllm/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/inference/model_servers/vllm/inference.py -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/Azure_API_example/azure_api_example.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/Azure_API_example/azure_api_example.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/Getting_to_know_Llama.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/Getting_to_know_Llama.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/HelloLlamaCloud.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/HelloLlamaCloud.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/LiveData.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/LiveData.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/Llama2_Gradio.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/Llama2_Gradio.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/RAG_Chatbot_example/RAG_Chatbot_Example.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/RAG_Chatbot_example/RAG_Chatbot_Example.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/RAG_Chatbot_example/data/Llama Getting Started Guide.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/RAG_Chatbot_example/data/Llama Getting Started Guide.pdf -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/RAG_Chatbot_example/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/RAG_Chatbot_example/requirements.txt -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/RAG_Chatbot_example/vectorstore/db_faiss/index.faiss: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/RAG_Chatbot_example/vectorstore/db_faiss/index.faiss -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/RAG_Chatbot_example/vectorstore/db_faiss/index.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/RAG_Chatbot_example/vectorstore/db_faiss/index.pkl -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/VideoSummary.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/OctoAI_API_examples/VideoSummary.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/Using_Externally_Hosted_LLMs.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/Using_Externally_Hosted_LLMs.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/examples_with_aws/Prompt_Engineering_with_Llama_2_On_Amazon_Bedrock.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/examples_with_aws/Prompt_Engineering_with_Llama_2_On_Amazon_Bedrock.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/examples_with_aws/ReAct_Llama_3_Bedrock-WK.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/examples_with_aws/ReAct_Llama_3_Bedrock-WK.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/llama_api_providers/examples_with_aws/getting_started_llama_3_on_amazon_bedrock.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/llama_api_providers/examples_with_aws/getting_started_llama_3_on_amazon_bedrock.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/multilingual/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/multilingual/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/multilingual/extend_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/multilingual/extend_tokenizer.py -------------------------------------------------------------------------------- /llama-recipes/recipes/multilingual/imgs/phase1-eval-loss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/multilingual/imgs/phase1-eval-loss.png -------------------------------------------------------------------------------- /llama-recipes/recipes/multilingual/imgs/phase1-train-loss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/multilingual/imgs/phase1-train-loss.png -------------------------------------------------------------------------------- /llama-recipes/recipes/multilingual/imgs/phase2-eval-loss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/multilingual/imgs/phase2-eval-loss.png -------------------------------------------------------------------------------- /llama-recipes/recipes/multilingual/imgs/phase2-train-loss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/multilingual/imgs/phase2-train-loss.png -------------------------------------------------------------------------------- /llama-recipes/recipes/multilingual/prepare_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/multilingual/prepare_data.py -------------------------------------------------------------------------------- /llama-recipes/recipes/multilingual/train_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/multilingual/train_tokenizer.py -------------------------------------------------------------------------------- /llama-recipes/recipes/quickstart/Getting_to_know_Llama.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/quickstart/Getting_to_know_Llama.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/quickstart/Prompt_Engineering_with_Llama_3.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/quickstart/Prompt_Engineering_with_Llama_3.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/quickstart/Running_Llama3_Anywhere/Running_Llama_on_HF_transformers.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/quickstart/Running_Llama3_Anywhere/Running_Llama_on_HF_transformers.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/quickstart/Running_Llama3_Anywhere/Running_Llama_on_Mac_Windows_Linux.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/quickstart/Running_Llama3_Anywhere/Running_Llama_on_Mac_Windows_Linux.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/responsible_ai/CodeShieldUsageDemo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/responsible_ai/CodeShieldUsageDemo.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/responsible_ai/Purple_Llama_Anyscale.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/responsible_ai/Purple_Llama_Anyscale.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/responsible_ai/Purple_Llama_OctoAI.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/responsible_ai/Purple_Llama_OctoAI.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/responsible_ai/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/responsible_ai/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/responsible_ai/input_output_guardrails_with_llama.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/responsible_ai/input_output_guardrails_with_llama.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/responsible_ai/llama_guard/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/responsible_ai/llama_guard/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/responsible_ai/llama_guard/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/responsible_ai/llama_guard/__init__.py -------------------------------------------------------------------------------- /llama-recipes/recipes/responsible_ai/llama_guard/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/responsible_ai/llama_guard/inference.py -------------------------------------------------------------------------------- /llama-recipes/recipes/testing/testing_ctrg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/testing/testing_ctrg.py -------------------------------------------------------------------------------- /llama-recipes/recipes/testing/testing_work4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/testing/testing_work4.py -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/LiveData.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/LiveData.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/RAG/HelloLlamaCloud.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/RAG/HelloLlamaCloud.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/VideoSummary.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/VideoSummary.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/agents/langchain/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/agents/langchain/README.md -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/agents/langchain/langgraph-agent.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/agents/langchain/langgraph-agent.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/agents/langchain/langgraph-rag-agent-local.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/agents/langchain/langgraph-rag-agent-local.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/agents/langchain/langgraph-rag-agent.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/agents/langchain/langgraph-rag-agent.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/agents/langchain/tool-calling-agent.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/agents/langchain/tool-calling-agent.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/chatbots/RAG_chatbot/RAG_Chatbot_Example.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/chatbots/RAG_chatbot/RAG_Chatbot_Example.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/chatbots/RAG_chatbot/data/Llama Getting Started Guide.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/chatbots/RAG_chatbot/data/Llama Getting Started Guide.pdf -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/chatbots/RAG_chatbot/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/chatbots/RAG_chatbot/requirements.txt -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/chatbots/RAG_chatbot/vectorstore/db_faiss/index.faiss: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/chatbots/RAG_chatbot/vectorstore/db_faiss/index.faiss -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/chatbots/RAG_chatbot/vectorstore/db_faiss/index.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/chatbots/RAG_chatbot/vectorstore/db_faiss/index.pkl -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/chatbots/RAG_chatbot/vectorstore/mongodb/rag_mongodb_llama3_huggingface_open_source.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/chatbots/RAG_chatbot/vectorstore/mongodb/rag_mongodb_llama3_huggingface_open_source.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/chatbots/messenger_llama/llama_messenger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/chatbots/messenger_llama/llama_messenger.py -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/chatbots/messenger_llama/messenger_llama3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/chatbots/messenger_llama/messenger_llama3.md -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/chatbots/whatsapp_llama/llama_chatbot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/chatbots/whatsapp_llama/llama_chatbot.py -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/chatbots/whatsapp_llama/whatsapp_llama3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/chatbots/whatsapp_llama/whatsapp_llama3.md -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/text2sql/StructuredLlama.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/text2sql/StructuredLlama.ipynb -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/text2sql/csv2db.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/text2sql/csv2db.py -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/text2sql/nba.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/text2sql/nba.txt -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/text2sql/nba_roster.db: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/text2sql/nba_roster.db -------------------------------------------------------------------------------- /llama-recipes/recipes/use_cases/text2sql/txt2csv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/recipes/use_cases/text2sql/txt2csv.py -------------------------------------------------------------------------------- /llama-recipes/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/requirements.txt -------------------------------------------------------------------------------- /llama-recipes/scripts/check_copyright_header.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/scripts/check_copyright_header.py -------------------------------------------------------------------------------- /llama-recipes/scripts/markdown_link_check_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/scripts/markdown_link_check_config.json -------------------------------------------------------------------------------- /llama-recipes/scripts/spellcheck.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/scripts/spellcheck.sh -------------------------------------------------------------------------------- /llama-recipes/scripts/spellcheck_conf/spellcheck.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/scripts/spellcheck_conf/spellcheck.yaml -------------------------------------------------------------------------------- /llama-recipes/scripts/spellcheck_conf/wordlist.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/scripts/spellcheck_conf/wordlist.txt -------------------------------------------------------------------------------- /llama-recipes/src/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/configs/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/configs/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/configs/datasets.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/configs/fsdp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/configs/fsdp.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/configs/peft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/configs/peft.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/configs/training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/configs/training.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/configs/wandb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/configs/wandb.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/data/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/data/concatenator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/data/concatenator.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/data/llama_guard/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/data/llama_guard/README.md -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/data/llama_guard/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/data/llama_guard/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/data/llama_guard/finetuning_data_formatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/data/llama_guard/finetuning_data_formatter.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/data/llama_guard/finetuning_data_formatter_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/data/llama_guard/finetuning_data_formatter_example.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/data/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/data/sampler.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/datasets/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/datasets/alpaca_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/datasets/alpaca_dataset.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/datasets/ctrg_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/datasets/ctrg_dataset.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/datasets/ctrg_simple_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/datasets/ctrg_simple_dataset.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/datasets/grammar_dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/datasets/grammar_dataset/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/datasets/grammar_dataset/grammar_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/datasets/grammar_dataset/grammar_dataset.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/datasets/grammar_dataset/grammar_dataset_process.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/datasets/grammar_dataset/grammar_dataset_process.ipynb -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/datasets/samsum_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/datasets/samsum_dataset.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/datasets/work4_ctrg_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/datasets/work4_ctrg_dataset.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/finetuning.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/finetuning_ResNet_MLP_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/finetuning_ResNet_MLP_llama.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/finetuning_work4_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/finetuning_work4_llama.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/inference/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/inference/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/inference/chat_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/inference/chat_utils.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/inference/checkpoint_converter_fsdp_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/inference/checkpoint_converter_fsdp_hf.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/inference/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/inference/llm.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/inference/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/inference/model_utils.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/inference/prompt_format_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/inference/prompt_format_utils.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/inference/safety_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/inference/safety_utils.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/model_checkpointing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/model_checkpointing/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/model_checkpointing/checkpoint_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/model_checkpointing/checkpoint_handler.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/ResNet_MLP_llama/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/ResNet_MLP_llama/modeling_ResNet_MLP_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/models/ResNet_MLP_llama/modeling_ResNet_MLP_llama.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/llama/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/models/llama/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/llama/configuration_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/models/llama/configuration_llama.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/llama/modeling_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/models/llama/modeling_llama.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/llama/tokenization_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/models/llama/tokenization_llama.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/llama/tokenization_llama_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/models/llama/tokenization_llama_fast.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/llava/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/models/llava/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/llava/configuration_llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/models/llava/configuration_llava.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/llava/modeling_llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/models/llava/modeling_llava.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/llava/processing_llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/models/llava/processing_llava.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/work4_llama/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/models/work4_llama/modeling_work4_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/models/work4_llama/modeling_work4_llama.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/policies/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/policies/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/policies/activation_checkpointing_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/policies/activation_checkpointing_functions.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/policies/anyprecision_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/policies/anyprecision_optimizer.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/policies/mixed_precision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/policies/mixed_precision.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/policies/wrapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/policies/wrapping.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/pycocoevalcap/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/pycocoevalcap/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/pycocoevalcap/all_medical_nouns.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/pycocoevalcap/all_medical_nouns.txt -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/pycocoevalcap/bleu/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/pycocoevalcap/bleu/LICENSE -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/pycocoevalcap/bleu/__init__.py: -------------------------------------------------------------------------------- 1 | __author__ = 'tylin' 2 | from .bleu import Bleu -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/pycocoevalcap/bleu/bleu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/pycocoevalcap/bleu/bleu.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/pycocoevalcap/bleu/bleu_scorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/pycocoevalcap/bleu/bleu_scorer.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/pycocoevalcap/cider/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/pycocoevalcap/cider/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/pycocoevalcap/cider/cider.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/pycocoevalcap/cider/cider.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/pycocoevalcap/cider/cider_scorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/pycocoevalcap/cider/cider_scorer.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/pycocoevalcap/metrics_for_chs_mrg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/pycocoevalcap/metrics_for_chs_mrg.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/pycocoevalcap/rouge/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/pycocoevalcap/rouge/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/pycocoevalcap/rouge/rouge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/pycocoevalcap/rouge/rouge.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/test_ResNet_MLP_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/test_ResNet_MLP_llama.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/test_work4_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/test_work4_llama.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/tools/convert_hf_weights_to_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/tools/convert_hf_weights_to_llama.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/tools/convert_llama_weights_to_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/tools/convert_llama_weights_to_hf.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/tools/convert_llava_weights_to_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/tools/convert_llava_weights_to_hf.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/utils/__init__.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/utils/config_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/utils/config_utils.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/utils/dataset_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/utils/dataset_utils.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/utils/flop_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/utils/flop_utils.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/utils/fsdp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/utils/fsdp_utils.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/utils/hf_llama_conversion/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/utils/hf_llama_conversion/README.md -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/utils/hf_llama_conversion/compare_llama_weights.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/utils/hf_llama_conversion/compare_llama_weights.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/utils/memory_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/utils/memory_utils.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/utils/plot_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/utils/plot_metrics.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/utils/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/utils/test_utils.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/utils/train_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/utils/train_utils.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/utils/work4_test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/utils/work4_test_utils.py -------------------------------------------------------------------------------- /llama-recipes/src/llama_recipes/utils/work4_train_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/src/llama_recipes/utils/work4_train_utils.py -------------------------------------------------------------------------------- /llama-recipes/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/tests/conftest.py -------------------------------------------------------------------------------- /llama-recipes/tests/datasets/test_custom_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/tests/datasets/test_custom_dataset.py -------------------------------------------------------------------------------- /llama-recipes/tests/datasets/test_grammar_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/tests/datasets/test_grammar_datasets.py -------------------------------------------------------------------------------- /llama-recipes/tests/datasets/test_samsum_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/tests/datasets/test_samsum_datasets.py -------------------------------------------------------------------------------- /llama-recipes/tests/test_batching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/tests/test_batching.py -------------------------------------------------------------------------------- /llama-recipes/tests/test_chat_completion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/tests/test_chat_completion.py -------------------------------------------------------------------------------- /llama-recipes/tests/test_finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/tests/test_finetuning.py -------------------------------------------------------------------------------- /llama-recipes/tests/test_finetuning_data_formatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/tests/test_finetuning_data_formatter.py -------------------------------------------------------------------------------- /llama-recipes/tests/test_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/tests/test_sampler.py -------------------------------------------------------------------------------- /llama-recipes/tests/test_train_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/llama-recipes/tests/test_train_utils.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/YanzhaoShi/MEPNet/HEAD/requirements.txt --------------------------------------------------------------------------------