├── .gitignore ├── .idea ├── .name ├── iSpan_LLM-NLP-cookbooks.iml ├── inspectionProfiles │ └── profiles_settings.xml ├── misc.xml ├── vcs.xml └── workspace.xml ├── HuggingFace_scratch ├── 01-Component │ ├── 01pipeline │ │ └── 01.pipeline.ipynb │ ├── 02tokenizer │ │ └── 02.tokenizer.ipynb_ │ ├── 03Model │ │ ├── 03 Model classification_demo.ipynb │ │ ├── 03.Model.ipynb │ │ └── dataset │ │ │ └── ChnSentiCorp_htl_all.ipynb │ ├── 04Datasets │ │ ├── 04 Datasets classification_demo.ipynb │ │ ├── 04 Datasets.ipynb │ │ └── load_script.py │ ├── 05evaluate │ │ ├── 05 evaluate classification_demo.ipynb │ │ ├── 05 evaluate classification_demo_tweets.ipynb.ipynb │ │ └── 05 evaluate.ipynb │ ├── 06Trainer │ │ └── 06 Trainer classification_demo.ipynb │ └── demo │ │ └── demo.ipynb ├── 02-Adv-tasks │ ├── 01-finetune_optimize │ │ └── 01 train opti classification_demo.ipynb │ ├── 02-token_classification │ │ ├── ner.ipynb │ │ ├── ner_data │ │ └── seqeval_metric.py │ ├── 03-question_answering │ │ ├── cmrc_eval.py │ │ └── mrc_simple_version.ipynb │ ├── 04-sentence_similarity │ │ ├── cross_model.ipynb │ │ └── dual_model.ipynb │ ├── 05-retrieval_chatbot │ │ ├── dual_model.py │ │ └── retrieval_bot.ipynb │ ├── 06-language_model │ │ ├── causal_lm.ipynb │ │ └── masked_lm.ipynb │ ├── 07-text_summarization │ │ ├── summarization.ipynb │ │ └── summarization_glm.ipynb │ └── 08-generative_chatbot │ │ └── chatbot.ipynb ├── 03-PEFT │ ├── 01-LoRA │ │ ├── chatbot_lora.ipynb │ │ └── lora_inference.ipynb │ └── 02-IA3 │ │ └── chatbot_ia3.ipynb ├── 04-kbits-tuning │ ├── 01-llm_download │ │ ├── chatglm2_load.ipynb │ │ └── download.ipynb │ ├── 02-16bits_training │ │ ├── chatglm3_infer.ipynb │ │ ├── chatglm3_lora_16bit.ipynb │ │ └── llama2_lora_16bit.ipynb │ ├── 03-8bits_training │ │ ├── chatglm3_lora_8bit.ipynb │ │ └── llama2_lora_8bit.ipynb │ ├── 04-4bits_training │ │ ├── chatglm3.png │ │ ├── chatglm3_qlora_4bit.ipynb │ │ ├── internlm_qlora_4bit.ipynb │ │ ├── llama2.png │ │ ├── llama2_qlora_4bit.ipynb │ │ └── model_weights_distribution.ipynb │ └── LLaMA2-prompt-tuning │ │ ├── Fine_Tunning_Llama_2.0.ipynb │ │ └── prompt_n_response.jsonl ├── 05-Distributed Training │ ├── 01-remote ssh │ │ ├── classification_dp_demo.ipynb │ │ ├── metric_accuracy.py │ │ └── metric_f1.py │ └── 02-data parallel │ │ ├── metric_accuracy.py │ │ ├── metric_f1.py │ │ ├── pytorch_dp_demo.ipynb │ │ └── trainer_dp_demo.ipynb └── Transformers_hugging_face.pdf ├── LICENSE ├── Langchain_scratch ├── Multi-agent-system │ ├── W1_&_W2_STORM_長文寫作簡易.ipynb │ ├── article_claude_1.md │ ├── framework │ │ └── CrewAI │ │ │ ├── starter_template │ │ │ ├── .env_example │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── agents.py │ │ │ ├── main.py │ │ │ └── tasks.py │ │ │ ├── trip_planner_from_scratch │ │ │ ├── agents.py │ │ │ ├── main.py │ │ │ ├── output.txt │ │ │ ├── tasks.py │ │ │ ├── tools │ │ │ │ ├── __init__.py │ │ │ │ ├── calculator_tools.py │ │ │ │ ├── langchain_adapter.py │ │ │ │ ├── search_tools.py │ │ │ │ └── tool_registry.py │ │ │ └── travel_plan_reasoning.txt │ │ │ ├── trip_planner_from_scratch_sequential_hierarchical_tasks │ │ │ ├── .idea │ │ │ │ ├── .gitignore │ │ │ │ ├── inspectionProfiles │ │ │ │ │ └── profiles_settings.xml │ │ │ │ ├── misc.xml │ │ │ │ ├── modules.xml │ │ │ │ ├── trip_planner_from_scratch_sequential_hierarchical_tasks.iml │ │ │ │ └── vcs.xml │ │ │ ├── agents.py │ │ │ ├── debug_reload.py │ │ │ ├── demo.md │ │ │ ├── main.py │ │ │ ├── tasks.py │ │ │ └── tools │ │ │ │ ├── __init__.py │ │ │ │ ├── calculator_tools.py │ │ │ │ ├── langchain_adapter.py │ │ │ │ ├── language_tools.py │ │ │ │ ├── output_interceptor.py │ │ │ │ ├── search_tools.py │ │ │ │ └── tool_registry.py │ │ │ └── trip_planner_from_scratch_sequential_tasks │ │ │ ├── agents.py │ │ │ ├── main.py │ │ │ ├── tasks.py │ │ │ └── tools │ │ │ ├── __init__.py │ │ │ ├── calculator_tools.py │ │ │ ├── langchain_adapter.py │ │ │ ├── search_tools.py │ │ │ └── tool_registry.py │ ├── project │ │ └── long_context_writing │ │ │ ├── level1 │ │ │ ├── W1_&_W2_STORM_長文寫作簡易.ipynb │ │ │ ├── W1_&_W2_STORM_長文寫作簡易版(授課版).ipynb │ │ │ └── 共學練習 - Globe Explorer 的主題大綱展開模式.ipynb │ │ │ └── level2 │ │ │ ├── 1_1_installation_setup.ipynb │ │ │ ├── 1_1_installation_setup.py │ │ │ ├── 1_2_framework_overview.ipynb │ │ │ ├── LangChain_LCEL_入門.ipynb │ │ │ ├── LangChain_RAG.ipynb │ │ │ └── LangChain_Vector_Store_&_Retriever.ipynb │ └── 開發文件 │ │ ├── system_design.md │ │ ├── word_set.docm │ │ ├── 基於運算思維的新聞寫作多智能體系統軟體開發通用流程框架.docx │ │ └── 基於運算思維的新聞寫作多智能體系統軟體開發通用流程框架.md ├── Slides │ ├── LangChain - Deep Dive.pdf │ ├── Project - Question-Answering .pdf │ ├── Project - Summarization.pdf │ └── Vector Databases.pdf ├── langchain_framework │ ├── .cursor │ │ └── rules │ │ │ ├── ci-rules.mdc │ │ │ ├── code-style.mdc │ │ │ ├── commit-rules.mdc │ │ │ ├── env-rules.mdc │ │ │ └── pr-rules.mdc │ ├── .cursorrules │ ├── 3_1_rag_basics.py │ ├── Course │ │ ├── 01-langchain-intro.ipynb │ │ ├── Module1 │ │ │ ├── 1_1_framework_overview.py │ │ │ ├── 1_2_installation_setup.py │ │ │ ├── 1_3_llm_integration.py │ │ │ ├── 1_4_chains_basics.py │ │ │ └── test.ipynb │ │ ├── Module2 │ │ │ ├── 2_1_agent_concepts.py │ │ │ ├── 2_2_tools_usage.py │ │ │ ├── 2_3_agent_automation_demo1.py │ │ │ └── 2_3_agent_automation_demo2.py │ │ └── Module3 │ │ │ ├── 3_0_create_samples.py │ │ │ ├── 3_1_rag_basics.py │ │ │ ├── 3_2_0_Evaluation_metrics_intro.md │ │ │ ├── 3_2_0_similarity_search_tech_intro.md │ │ │ ├── 3_2_1_vectorstores_comparison.ipynb │ │ │ ├── 3_2_2_embedding_models.ipynb │ │ │ ├── 3_2_3_similarity_search.ipynb │ │ │ ├── 3_3_document_loaders.py │ │ │ ├── 3_4_text_splitters.py │ │ │ ├── 3_5_1_custom_llm_agent_template.py │ │ │ ├── 3_5_2_custom_llm_agent.py │ │ │ ├── 3_5_3_custom_embedding.py │ │ │ ├── 3_5_4_custom_chain.py │ │ │ ├── images │ │ │ ├── AI.jpg │ │ │ ├── coffee.jpg │ │ │ └── spongebob.jpg │ │ │ └── samples │ │ │ ├── AI模型產業分析.pdf │ │ │ ├── ai_introduction.txt │ │ │ ├── dev_guide.html │ │ │ ├── langchain_tutorial.md │ │ │ ├── tech_news.txt │ │ │ └── vectorstore │ │ │ ├── a9c14c76-33a4-4944-b28f-65f1aac84c48 │ │ │ ├── data_level0.bin │ │ │ ├── header.bin │ │ │ ├── length.bin │ │ │ └── link_lists.bin │ │ │ └── chroma.sqlite3 │ ├── project │ │ ├── 01-Project - Building a Custom ChatGPT App with LangChain from Scratch │ │ │ └── project_custom_chatgpt_with_langchain_from_scratch.ipynb │ │ ├── 02-Project - LangChain Master Build GenAI Apps with QA on Private Documents │ │ │ ├── files │ │ │ │ ├── CDOC-110hdoc50.pdf │ │ │ │ ├── attention_is_all_you_need.pdf │ │ │ │ ├── churchill_speech.txt │ │ │ │ ├── react.pdf │ │ │ │ ├── sj.txt │ │ │ │ ├── state_of_the_union.txt │ │ │ │ ├── the_great_gatsby.docx │ │ │ │ └── us_constitution.pdf │ │ │ ├── project_question_answering_on_private_data_chroma.ipynb │ │ │ ├── project_question_answering_on_private_data_pinecone.ipynb │ │ │ └── requirements.txt │ │ ├── 03-Project - Summarization │ │ │ ├── files │ │ │ │ ├── attention_is_all_you_need.pdf │ │ │ │ └── sj.txt │ │ │ └── project_summarization.ipynb │ │ ├── 04-Project - Streamlit Custom ChatGPT App with LangChain │ │ │ ├── project_streamlit_custom_chatgpt.py │ │ │ └── requirements.txt │ │ └── 05-Project - Streamlit Front-End for Question-Answering App │ │ │ ├── chat_with_documents.py │ │ │ ├── chat_with_documents_01.py │ │ │ ├── files │ │ │ ├── churchill_speech.txt │ │ │ ├── react.pdf │ │ │ ├── the_great_gatsby.docx │ │ │ └── us_constitution.pdf │ │ │ ├── img.png │ │ │ └── requirements.txt │ ├── requirements.txt │ ├── task_file.txt │ ├── test.txt │ └── tools │ │ ├── llm_api.py │ │ ├── screenshot_utils.py │ │ ├── search_engine.py │ │ └── web_scraper.py ├── prompt-engineering │ ├── 101-start-openai.ipynb │ ├── 102-prompt-engineering.ipynb │ ├── 103-json-mode.ipynb │ ├── 11.ipynb │ ├── 110--LLM-workshop-multimodal.ipynb │ ├── 1121113.pdf │ ├── 1130219.pdf │ ├── 1130513.pdf │ ├── 1140224.pdf │ ├── 1140224.pdf.1 │ ├── 1140224.pdf.2 │ ├── 115--LLM-workshop-gemini.ipynb │ ├── 130--LLM-workshop-thinking.ipynb │ ├── 201-CoT-prompt.ipynb │ ├── 202--LLM-workshop-prompt-injection.ipynb │ ├── 2023台灣產業AI化大調查完整報告.pdf │ ├── 205-plugin-tools.ipynb │ ├── 206-prompt-integration-usecase.ipynb │ ├── 207-chaining-prompt.ipynb │ ├── 208-ToT-prompt.ipynb │ ├── 401-chatbot.ipynb │ ├── 402-gradio_query_classification.ipynb │ ├── 501-whisper-summarization.ipynb │ ├── 502-whisper-summarization_longtext.ipynb │ ├── 601--LLM-workshop-embedding.ipynb │ ├── 602-varnilla-RAG.ipynb │ ├── 604-vector-db-RAG.ipynb │ ├── 605--LLM-workshop-similarity-and-relevance.ipynb │ ├── 606--LLM-workshop-dynamic-few-shot.ipynb │ ├── 607-advance-RAG.ipynb │ ├── 610--LLM_workshop_RAG_evaluation.ipynb │ ├── 610__LLM_workshop_RAG_evaluation.ipynb │ ├── 612--LLM-workshop-pdf-parsing-v2.ipynb │ ├── 701-langchain-agents.ipynb │ ├── 702-function-calling-basic.ipynb │ ├── 703-function-calling-agents.ipynb │ ├── 705-function-calling-rag.ipynb │ ├── 706-function-calling-extract.ipynb │ ├── 711--LLM-workshop-react.ipynb │ ├── 712-function-calling-shop.ipynb │ ├── 720-assistants-api.ipynb │ ├── 721--LLM-workshop-agent-deep-search.ipynb │ ├── 810-fine-tune-with-synthetic-data.ipynb │ ├── 960--LLM-workshop-swarm.ipynb │ ├── 970--LLM-workshop-openai-agents-sdk.ipynb │ ├── C11201717_1.pdf │ ├── function-calling-rag-dependency.py │ ├── ntu-111-2.pdf │ ├── pdfs_data │ │ ├── 1130205.pdf │ │ ├── 1130215.pdf │ │ ├── 1130219.pdf │ │ └── 1130226.pdf │ ├── test.ipynb │ └── training_data.jsonl └── streamlit_resource │ ├── 01-st_write.py │ ├── 02-st_widgets.py │ ├── 03-st_layout.py │ ├── 04-st_progress.py │ ├── 05-st_session_state.py │ ├── 06-st_callbacks.py │ └── streamlit_demo.py ├── Python_project_sample ├── main.py ├── my_package │ ├── __init__.py │ ├── module_a.py │ ├── module_b.py │ └── subpackage │ │ ├── __init__.py │ │ └── sub_module.py └── tests │ ├── __init__.py │ └── test_module_a.py ├── README.md └── Slides ├── LLM_EVALUATTION.md └── Sunny_生成式AI_資策會.pdf /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/.gitignore -------------------------------------------------------------------------------- /.idea/.name: -------------------------------------------------------------------------------- 1 | 3_1_rag_basics.py -------------------------------------------------------------------------------- /.idea/iSpan_LLM-NLP-cookbooks.iml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/.idea/iSpan_LLM-NLP-cookbooks.iml -------------------------------------------------------------------------------- /.idea/inspectionProfiles/profiles_settings.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/.idea/inspectionProfiles/profiles_settings.xml -------------------------------------------------------------------------------- /.idea/misc.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/.idea/misc.xml -------------------------------------------------------------------------------- /.idea/vcs.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/.idea/vcs.xml -------------------------------------------------------------------------------- /.idea/workspace.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/.idea/workspace.xml -------------------------------------------------------------------------------- /HuggingFace_scratch/01-Component/01pipeline/01.pipeline.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/01-Component/01pipeline/01.pipeline.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/01-Component/02tokenizer/02.tokenizer.ipynb_: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/01-Component/02tokenizer/02.tokenizer.ipynb_ -------------------------------------------------------------------------------- /HuggingFace_scratch/01-Component/03Model/03 Model classification_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/01-Component/03Model/03 Model classification_demo.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/01-Component/03Model/03.Model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/01-Component/03Model/03.Model.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/01-Component/03Model/dataset/ChnSentiCorp_htl_all.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/01-Component/03Model/dataset/ChnSentiCorp_htl_all.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/01-Component/04Datasets/04 Datasets classification_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/01-Component/04Datasets/04 Datasets classification_demo.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/01-Component/04Datasets/04 Datasets.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/01-Component/04Datasets/04 Datasets.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/01-Component/04Datasets/load_script.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/01-Component/04Datasets/load_script.py -------------------------------------------------------------------------------- /HuggingFace_scratch/01-Component/05evaluate/05 evaluate classification_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/01-Component/05evaluate/05 evaluate classification_demo.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/01-Component/05evaluate/05 evaluate classification_demo_tweets.ipynb.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/01-Component/05evaluate/05 evaluate classification_demo_tweets.ipynb.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/01-Component/05evaluate/05 evaluate.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/01-Component/05evaluate/05 evaluate.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/01-Component/06Trainer/06 Trainer classification_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/01-Component/06Trainer/06 Trainer classification_demo.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/01-Component/demo/demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/01-Component/demo/demo.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/01-finetune_optimize/01 train opti classification_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/01-finetune_optimize/01 train opti classification_demo.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/02-token_classification/ner.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/02-token_classification/ner.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/02-token_classification/ner_data: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/02-token_classification/seqeval_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/02-token_classification/seqeval_metric.py -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/03-question_answering/cmrc_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/03-question_answering/cmrc_eval.py -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/03-question_answering/mrc_simple_version.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/03-question_answering/mrc_simple_version.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/04-sentence_similarity/cross_model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/04-sentence_similarity/cross_model.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/04-sentence_similarity/dual_model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/04-sentence_similarity/dual_model.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/05-retrieval_chatbot/dual_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/05-retrieval_chatbot/dual_model.py -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/05-retrieval_chatbot/retrieval_bot.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/05-retrieval_chatbot/retrieval_bot.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/06-language_model/causal_lm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/06-language_model/causal_lm.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/06-language_model/masked_lm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/06-language_model/masked_lm.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/07-text_summarization/summarization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/07-text_summarization/summarization.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/07-text_summarization/summarization_glm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/07-text_summarization/summarization_glm.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/02-Adv-tasks/08-generative_chatbot/chatbot.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/02-Adv-tasks/08-generative_chatbot/chatbot.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/03-PEFT/01-LoRA/chatbot_lora.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/03-PEFT/01-LoRA/chatbot_lora.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/03-PEFT/01-LoRA/lora_inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/03-PEFT/01-LoRA/lora_inference.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/03-PEFT/02-IA3/chatbot_ia3.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/03-PEFT/02-IA3/chatbot_ia3.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/01-llm_download/chatglm2_load.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/01-llm_download/chatglm2_load.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/01-llm_download/download.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/01-llm_download/download.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/02-16bits_training/chatglm3_infer.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/02-16bits_training/chatglm3_infer.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/02-16bits_training/chatglm3_lora_16bit.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/02-16bits_training/chatglm3_lora_16bit.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/02-16bits_training/llama2_lora_16bit.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/02-16bits_training/llama2_lora_16bit.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/03-8bits_training/chatglm3_lora_8bit.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/03-8bits_training/chatglm3_lora_8bit.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/03-8bits_training/llama2_lora_8bit.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/03-8bits_training/llama2_lora_8bit.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/04-4bits_training/chatglm3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/04-4bits_training/chatglm3.png -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/04-4bits_training/chatglm3_qlora_4bit.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/04-4bits_training/chatglm3_qlora_4bit.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/04-4bits_training/internlm_qlora_4bit.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/04-4bits_training/internlm_qlora_4bit.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/04-4bits_training/llama2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/04-4bits_training/llama2.png -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/04-4bits_training/llama2_qlora_4bit.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/04-4bits_training/llama2_qlora_4bit.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/04-4bits_training/model_weights_distribution.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/04-4bits_training/model_weights_distribution.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/LLaMA2-prompt-tuning/Fine_Tunning_Llama_2.0.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/LLaMA2-prompt-tuning/Fine_Tunning_Llama_2.0.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/04-kbits-tuning/LLaMA2-prompt-tuning/prompt_n_response.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/04-kbits-tuning/LLaMA2-prompt-tuning/prompt_n_response.jsonl -------------------------------------------------------------------------------- /HuggingFace_scratch/05-Distributed Training/01-remote ssh/classification_dp_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/05-Distributed Training/01-remote ssh/classification_dp_demo.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/05-Distributed Training/01-remote ssh/metric_accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/05-Distributed Training/01-remote ssh/metric_accuracy.py -------------------------------------------------------------------------------- /HuggingFace_scratch/05-Distributed Training/01-remote ssh/metric_f1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/05-Distributed Training/01-remote ssh/metric_f1.py -------------------------------------------------------------------------------- /HuggingFace_scratch/05-Distributed Training/02-data parallel/metric_accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/05-Distributed Training/02-data parallel/metric_accuracy.py -------------------------------------------------------------------------------- /HuggingFace_scratch/05-Distributed Training/02-data parallel/metric_f1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/05-Distributed Training/02-data parallel/metric_f1.py -------------------------------------------------------------------------------- /HuggingFace_scratch/05-Distributed Training/02-data parallel/pytorch_dp_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/05-Distributed Training/02-data parallel/pytorch_dp_demo.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/05-Distributed Training/02-data parallel/trainer_dp_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/05-Distributed Training/02-data parallel/trainer_dp_demo.ipynb -------------------------------------------------------------------------------- /HuggingFace_scratch/Transformers_hugging_face.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/HuggingFace_scratch/Transformers_hugging_face.pdf -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/LICENSE -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/W1_&_W2_STORM_長文寫作簡易.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/W1_&_W2_STORM_長文寫作簡易.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/article_claude_1.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/article_claude_1.md -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/starter_template/.env_example: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/starter_template/.env_example -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/starter_template/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/starter_template/.gitignore -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/starter_template/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/starter_template/README.md -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/starter_template/agents.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/starter_template/agents.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/starter_template/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/starter_template/main.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/starter_template/tasks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/starter_template/tasks.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/agents.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/agents.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/main.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/output.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/output.txt -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/tasks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/tasks.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/tools/__init__.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/tools/calculator_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/tools/calculator_tools.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/tools/langchain_adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/tools/langchain_adapter.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/tools/search_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/tools/search_tools.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/tools/tool_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/tools/tool_registry.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/travel_plan_reasoning.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch/travel_plan_reasoning.txt -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/.idea/.gitignore: -------------------------------------------------------------------------------- 1 | # Default ignored files 2 | /shelf/ 3 | /workspace.xml 4 | -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/.idea/inspectionProfiles/profiles_settings.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/.idea/inspectionProfiles/profiles_settings.xml -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/.idea/misc.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/.idea/misc.xml -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/.idea/modules.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/.idea/modules.xml -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/.idea/trip_planner_from_scratch_sequential_hierarchical_tasks.iml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/.idea/trip_planner_from_scratch_sequential_hierarchical_tasks.iml -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/.idea/vcs.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/.idea/vcs.xml -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/agents.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/agents.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/debug_reload.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/debug_reload.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/demo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/demo.md -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/main.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tasks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tasks.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/__init__.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/calculator_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/calculator_tools.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/langchain_adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/langchain_adapter.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/language_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/language_tools.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/output_interceptor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/output_interceptor.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/search_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/search_tools.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/tool_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_hierarchical_tasks/tools/tool_registry.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/agents.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/agents.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/main.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/tasks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/tasks.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/tools/__init__.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/tools/calculator_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/tools/calculator_tools.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/tools/langchain_adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/tools/langchain_adapter.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/tools/search_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/tools/search_tools.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/tools/tool_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/framework/CrewAI/trip_planner_from_scratch_sequential_tasks/tools/tool_registry.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/project/long_context_writing/level1/W1_&_W2_STORM_長文寫作簡易.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/project/long_context_writing/level1/W1_&_W2_STORM_長文寫作簡易.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/project/long_context_writing/level1/W1_&_W2_STORM_長文寫作簡易版(授課版).ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/project/long_context_writing/level1/W1_&_W2_STORM_長文寫作簡易版(授課版).ipynb -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/project/long_context_writing/level1/共學練習 - Globe Explorer 的主題大綱展開模式.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/project/long_context_writing/level1/共學練習 - Globe Explorer 的主題大綱展開模式.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/project/long_context_writing/level2/1_1_installation_setup.ipynb: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/project/long_context_writing/level2/1_1_installation_setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/project/long_context_writing/level2/1_1_installation_setup.py -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/project/long_context_writing/level2/1_2_framework_overview.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/project/long_context_writing/level2/1_2_framework_overview.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/project/long_context_writing/level2/LangChain_LCEL_入門.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/project/long_context_writing/level2/LangChain_LCEL_入門.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/project/long_context_writing/level2/LangChain_RAG.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/project/long_context_writing/level2/LangChain_RAG.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/project/long_context_writing/level2/LangChain_Vector_Store_&_Retriever.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/project/long_context_writing/level2/LangChain_Vector_Store_&_Retriever.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/開發文件/system_design.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/開發文件/system_design.md -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/開發文件/word_set.docm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/開發文件/word_set.docm -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/開發文件/基於運算思維的新聞寫作多智能體系統軟體開發通用流程框架.docx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/開發文件/基於運算思維的新聞寫作多智能體系統軟體開發通用流程框架.docx -------------------------------------------------------------------------------- /Langchain_scratch/Multi-agent-system/開發文件/基於運算思維的新聞寫作多智能體系統軟體開發通用流程框架.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Multi-agent-system/開發文件/基於運算思維的新聞寫作多智能體系統軟體開發通用流程框架.md -------------------------------------------------------------------------------- /Langchain_scratch/Slides/LangChain - Deep Dive.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Slides/LangChain - Deep Dive.pdf -------------------------------------------------------------------------------- /Langchain_scratch/Slides/Project - Question-Answering .pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Slides/Project - Question-Answering .pdf -------------------------------------------------------------------------------- /Langchain_scratch/Slides/Project - Summarization.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Slides/Project - Summarization.pdf -------------------------------------------------------------------------------- /Langchain_scratch/Slides/Vector Databases.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/Slides/Vector Databases.pdf -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/.cursor/rules/ci-rules.mdc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/.cursor/rules/ci-rules.mdc -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/.cursor/rules/code-style.mdc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/.cursor/rules/code-style.mdc -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/.cursor/rules/commit-rules.mdc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/.cursor/rules/commit-rules.mdc -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/.cursor/rules/env-rules.mdc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/.cursor/rules/env-rules.mdc -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/.cursor/rules/pr-rules.mdc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/.cursor/rules/pr-rules.mdc -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/.cursorrules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/.cursorrules -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/3_1_rag_basics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/3_1_rag_basics.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/01-langchain-intro.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/01-langchain-intro.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module1/1_1_framework_overview.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module1/1_1_framework_overview.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module1/1_2_installation_setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module1/1_2_installation_setup.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module1/1_3_llm_integration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module1/1_3_llm_integration.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module1/1_4_chains_basics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module1/1_4_chains_basics.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module1/test.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module1/test.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module2/2_1_agent_concepts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module2/2_1_agent_concepts.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module2/2_2_tools_usage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module2/2_2_tools_usage.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module2/2_3_agent_automation_demo1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module2/2_3_agent_automation_demo1.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module2/2_3_agent_automation_demo2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module2/2_3_agent_automation_demo2.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/3_0_create_samples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/3_0_create_samples.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/3_1_rag_basics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/3_1_rag_basics.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/3_2_0_Evaluation_metrics_intro.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/3_2_0_Evaluation_metrics_intro.md -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/3_2_0_similarity_search_tech_intro.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/3_2_0_similarity_search_tech_intro.md -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/3_2_1_vectorstores_comparison.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/3_2_1_vectorstores_comparison.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/3_2_2_embedding_models.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/3_2_2_embedding_models.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/3_2_3_similarity_search.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/3_2_3_similarity_search.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/3_3_document_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/3_3_document_loaders.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/3_4_text_splitters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/3_4_text_splitters.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/3_5_1_custom_llm_agent_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/3_5_1_custom_llm_agent_template.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/3_5_2_custom_llm_agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/3_5_2_custom_llm_agent.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/3_5_3_custom_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/3_5_3_custom_embedding.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/3_5_4_custom_chain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/3_5_4_custom_chain.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/images/AI.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/images/AI.jpg -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/images/coffee.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/images/coffee.jpg -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/images/spongebob.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/images/spongebob.jpg -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/samples/AI模型產業分析.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/samples/AI模型產業分析.pdf -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/samples/ai_introduction.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/samples/ai_introduction.txt -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/samples/dev_guide.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/samples/dev_guide.html -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/samples/langchain_tutorial.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/samples/langchain_tutorial.md -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/samples/tech_news.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/samples/tech_news.txt -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/samples/vectorstore/a9c14c76-33a4-4944-b28f-65f1aac84c48/data_level0.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/samples/vectorstore/a9c14c76-33a4-4944-b28f-65f1aac84c48/data_level0.bin -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/samples/vectorstore/a9c14c76-33a4-4944-b28f-65f1aac84c48/header.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/samples/vectorstore/a9c14c76-33a4-4944-b28f-65f1aac84c48/header.bin -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/samples/vectorstore/a9c14c76-33a4-4944-b28f-65f1aac84c48/length.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/samples/vectorstore/a9c14c76-33a4-4944-b28f-65f1aac84c48/length.bin -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/samples/vectorstore/a9c14c76-33a4-4944-b28f-65f1aac84c48/link_lists.bin: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/Course/Module3/samples/vectorstore/chroma.sqlite3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/Course/Module3/samples/vectorstore/chroma.sqlite3 -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/01-Project - Building a Custom ChatGPT App with LangChain from Scratch/project_custom_chatgpt_with_langchain_from_scratch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/01-Project - Building a Custom ChatGPT App with LangChain from Scratch/project_custom_chatgpt_with_langchain_from_scratch.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/CDOC-110hdoc50.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/CDOC-110hdoc50.pdf -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/attention_is_all_you_need.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/attention_is_all_you_need.pdf -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/churchill_speech.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/churchill_speech.txt -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/react.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/react.pdf -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/sj.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/sj.txt -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/state_of_the_union.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/state_of_the_union.txt -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/the_great_gatsby.docx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/the_great_gatsby.docx -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/us_constitution.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/files/us_constitution.pdf -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/project_question_answering_on_private_data_chroma.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/project_question_answering_on_private_data_chroma.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/project_question_answering_on_private_data_pinecone.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/project_question_answering_on_private_data_pinecone.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/02-Project - LangChain Master Build GenAI Apps with QA on Private Documents/requirements.txt -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/03-Project - Summarization/files/attention_is_all_you_need.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/03-Project - Summarization/files/attention_is_all_you_need.pdf -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/03-Project - Summarization/files/sj.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/03-Project - Summarization/files/sj.txt -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/03-Project - Summarization/project_summarization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/03-Project - Summarization/project_summarization.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/04-Project - Streamlit Custom ChatGPT App with LangChain/project_streamlit_custom_chatgpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/04-Project - Streamlit Custom ChatGPT App with LangChain/project_streamlit_custom_chatgpt.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/04-Project - Streamlit Custom ChatGPT App with LangChain/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/04-Project - Streamlit Custom ChatGPT App with LangChain/requirements.txt -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/chat_with_documents.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/chat_with_documents.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/chat_with_documents_01.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/chat_with_documents_01.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/files/churchill_speech.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/files/churchill_speech.txt -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/files/react.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/files/react.pdf -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/files/the_great_gatsby.docx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/files/the_great_gatsby.docx -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/files/us_constitution.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/files/us_constitution.pdf -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/img.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/img.png -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/project/05-Project - Streamlit Front-End for Question-Answering App/requirements.txt -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/requirements.txt -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/task_file.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/task_file.txt -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/test.txt: -------------------------------------------------------------------------------- 1 | 這是測試內容 -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/tools/llm_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/tools/llm_api.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/tools/screenshot_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/tools/screenshot_utils.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/tools/search_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/tools/search_engine.py -------------------------------------------------------------------------------- /Langchain_scratch/langchain_framework/tools/web_scraper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/langchain_framework/tools/web_scraper.py -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/101-start-openai.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/101-start-openai.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/102-prompt-engineering.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/102-prompt-engineering.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/103-json-mode.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/103-json-mode.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/11.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/11.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/110--LLM-workshop-multimodal.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/110--LLM-workshop-multimodal.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/1121113.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/1121113.pdf -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/1130219.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/1130219.pdf -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/1130513.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/1130513.pdf -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/1140224.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/1140224.pdf -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/1140224.pdf.1: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/1140224.pdf.1 -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/1140224.pdf.2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/1140224.pdf.2 -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/115--LLM-workshop-gemini.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/115--LLM-workshop-gemini.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/130--LLM-workshop-thinking.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/130--LLM-workshop-thinking.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/201-CoT-prompt.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/201-CoT-prompt.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/202--LLM-workshop-prompt-injection.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/202--LLM-workshop-prompt-injection.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/2023台灣產業AI化大調查完整報告.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/2023台灣產業AI化大調查完整報告.pdf -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/205-plugin-tools.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/205-plugin-tools.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/206-prompt-integration-usecase.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/206-prompt-integration-usecase.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/207-chaining-prompt.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/207-chaining-prompt.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/208-ToT-prompt.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/208-ToT-prompt.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/401-chatbot.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/401-chatbot.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/402-gradio_query_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/402-gradio_query_classification.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/501-whisper-summarization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/501-whisper-summarization.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/502-whisper-summarization_longtext.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/502-whisper-summarization_longtext.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/601--LLM-workshop-embedding.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/601--LLM-workshop-embedding.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/602-varnilla-RAG.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/602-varnilla-RAG.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/604-vector-db-RAG.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/604-vector-db-RAG.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/605--LLM-workshop-similarity-and-relevance.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/605--LLM-workshop-similarity-and-relevance.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/606--LLM-workshop-dynamic-few-shot.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/606--LLM-workshop-dynamic-few-shot.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/607-advance-RAG.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/607-advance-RAG.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/610--LLM_workshop_RAG_evaluation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/610--LLM_workshop_RAG_evaluation.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/610__LLM_workshop_RAG_evaluation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/610__LLM_workshop_RAG_evaluation.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/612--LLM-workshop-pdf-parsing-v2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/612--LLM-workshop-pdf-parsing-v2.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/701-langchain-agents.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/701-langchain-agents.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/702-function-calling-basic.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/702-function-calling-basic.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/703-function-calling-agents.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/703-function-calling-agents.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/705-function-calling-rag.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/705-function-calling-rag.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/706-function-calling-extract.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/706-function-calling-extract.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/711--LLM-workshop-react.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/711--LLM-workshop-react.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/712-function-calling-shop.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/712-function-calling-shop.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/720-assistants-api.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/720-assistants-api.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/721--LLM-workshop-agent-deep-search.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/721--LLM-workshop-agent-deep-search.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/810-fine-tune-with-synthetic-data.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/810-fine-tune-with-synthetic-data.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/960--LLM-workshop-swarm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/960--LLM-workshop-swarm.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/970--LLM-workshop-openai-agents-sdk.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/970--LLM-workshop-openai-agents-sdk.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/C11201717_1.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/C11201717_1.pdf -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/function-calling-rag-dependency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/function-calling-rag-dependency.py -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/ntu-111-2.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/ntu-111-2.pdf -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/pdfs_data/1130205.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/pdfs_data/1130205.pdf -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/pdfs_data/1130215.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/pdfs_data/1130215.pdf -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/pdfs_data/1130219.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/pdfs_data/1130219.pdf -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/pdfs_data/1130226.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/pdfs_data/1130226.pdf -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/test.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/test.ipynb -------------------------------------------------------------------------------- /Langchain_scratch/prompt-engineering/training_data.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/prompt-engineering/training_data.jsonl -------------------------------------------------------------------------------- /Langchain_scratch/streamlit_resource/01-st_write.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/streamlit_resource/01-st_write.py -------------------------------------------------------------------------------- /Langchain_scratch/streamlit_resource/02-st_widgets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/streamlit_resource/02-st_widgets.py -------------------------------------------------------------------------------- /Langchain_scratch/streamlit_resource/03-st_layout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/streamlit_resource/03-st_layout.py -------------------------------------------------------------------------------- /Langchain_scratch/streamlit_resource/04-st_progress.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/streamlit_resource/04-st_progress.py -------------------------------------------------------------------------------- /Langchain_scratch/streamlit_resource/05-st_session_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/streamlit_resource/05-st_session_state.py -------------------------------------------------------------------------------- /Langchain_scratch/streamlit_resource/06-st_callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/streamlit_resource/06-st_callbacks.py -------------------------------------------------------------------------------- /Langchain_scratch/streamlit_resource/streamlit_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Langchain_scratch/streamlit_resource/streamlit_demo.py -------------------------------------------------------------------------------- /Python_project_sample/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Python_project_sample/main.py -------------------------------------------------------------------------------- /Python_project_sample/my_package/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Python_project_sample/my_package/__init__.py -------------------------------------------------------------------------------- /Python_project_sample/my_package/module_a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Python_project_sample/my_package/module_a.py -------------------------------------------------------------------------------- /Python_project_sample/my_package/module_b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Python_project_sample/my_package/module_b.py -------------------------------------------------------------------------------- /Python_project_sample/my_package/subpackage/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Python_project_sample/my_package/subpackage/__init__.py -------------------------------------------------------------------------------- /Python_project_sample/my_package/subpackage/sub_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Python_project_sample/my_package/subpackage/sub_module.py -------------------------------------------------------------------------------- /Python_project_sample/tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Python_project_sample/tests/__init__.py -------------------------------------------------------------------------------- /Python_project_sample/tests/test_module_a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Python_project_sample/tests/test_module_a.py -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/README.md -------------------------------------------------------------------------------- /Slides/LLM_EVALUATTION.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Slides/LLM_EVALUATTION.md -------------------------------------------------------------------------------- /Slides/Sunny_生成式AI_資策會.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Zenobia000/iSpan_LLM-NLP-cookbooks/HEAD/Slides/Sunny_生成式AI_資策會.pdf --------------------------------------------------------------------------------