Module 1Introduction
Introduction
Get the most out of this course
Module 2Setting up the development environment
Overview
Setting up the development environment
Install Python UV tool
Dev setup : Install Anaconda
Dev setup : UV
Quizzes, exercises and projects
Accessing the Large Language Models
Module 3Generative AI: Fundamentals
Overview
Introduction to AI, MOE, neural networks, generative AI
Neurons, Neural & Deep Learning Networks
Exercise: Try out a Neural Network for Solving Math Equations
Viewing the generative AI model as a black box
Quiz: Fundamentals of Generative AI Models
An Overview of Generative AI Applications
Exercise: Setup Access to Google Gemini Models
Introduction to Hugging Face
Exercise: Checkout the Hugging Face Portal
Exercise: Join the Community and Explore Hugging Face
Quiz: Generative AI and Hugging Face
Intro to Natural Language Processing (NLP, NLU, NLG)
NLP with LLMs
Exercise: Try Out NLP Tasks with Hugging Face Models
Test: NLP with LLMs
Module 4Generative AI applications
Overview
Introduction to OLlama
OLlama model hosting
Model naming scheme
Training, implementation, and chat models
Quiz: Instruct, Embedding, and Chat Models
Next Word Prediction by LLM and Fill Mask Task
Model Inference Control Parameters
Randomness Control Inference Parameters
Exercise: Setup Cohere Key and Try Out Randomness Control Parameters
Diversity Control Inference Parameters
Output Length Control Parameters
Exercise: Try Out Decoding or Inference Parameters
Quiz: Decoding Hyper-parameters
Introduction to In-Context Learning
Quiz: In-Context Learning
Module 5Hugging Face Models: Foundatals
Overview
Exercise: Install & Work with Hugging Face Transformers Library
Transformers Library Pipeline Classes
Quiz: Hugging Face Transformers Library
Hugging Face Hub Library & Working with Endpoints
Quiz: Hugging Face Hub Library
Exercise: Proof of Concept (PoC) for Summarization Task
Hugging Face CLI Tools and Model Caching
Module 6Hugging Face Models: Advanced
Overview
Model Input/Output and Tensors
Hugging Face Model Configuration Classes
Model Tokenizers & Tokenization Classes
Working with Logits
Hugging Face Models Auto Classes
Quiz: Hugging Face Classes
Exercise: Build a Question Answering System
Module 7LLM challenges and operational design
Overview
Challenges with Large Language Models
Model Grounding and Conditioning
Exercise: Explore the Domain Adapted Models
Prompt Engineering and Practices (1)
Prompt Engineering and Practices (2)
Quiz & Exercise: Prompting Best Practices
Few-Shot & Zero-Shot Prompts
Quiz & Exercise: Few-Shot Prompts
Chain of thought prompting technique
Quiz & Exercise: Chain of Thought
Self-Consistency Prompting Technique
Tree of Thoughts Prompting Technique
Exercise: Tree of Thought
Creative Writing Workbench (v1)
Module 8Langchain: Prompts, chains, LCEL
Overview
Prompt Templates
Few-Shot Prompt Template & Example Selectors
Prompt Model Specificity
LLM Invoke, Streams, Batches & Fake LLM
Exercise: Interacting with LLM using LangChain
Exercise: LLM Client Utility
Quiz: Prompt Templates, LLM, and Fake LLM
Introduction to LangChain Execution Language
Exercise: Create Compound Sequential Chain
LCEL: Runnable Classes (1)
LCEL: Runnable Classes (2)
Exercise: Try Out Common LCEL Patterns
Exercise: Creative Writing Workbench v2
Quiz: LCEL, Chains and Runnables
Module 9Dealing with structured responses from LLM
Overview
Challenges with Structured Responses
LangChain Output Parsers
Exercise: Use the EnumOutputParser
Exercise: Use the PydanticOutputParser
Project: Creative Writing Workbench
Project: Solution Walkthrough (1)
Project: Solution Walkthrough (2)
Handling Parsing Errors
Quiz and Exercise: Parsers, Error Handling
Module 10Datasets for model training and testing
Overview
Datasets for LLM Pre-training
HuggingFace Datasets and Datasets Library
Exercise: Use Features of Datasets Library
Exercise: Create and Publish a Dataset on Hugging Face
Module 11Vectors, embedding and semantic search
What is the meaning of contextualized understanding?
Building Blocks of Transformer Architecture
Intro to Vectors, Vector Spaces, and Embeddings
Measuring semantic similarity with distance
Quiz: Vectors, Embeddings, Similarity
Sentence transformer models (SBERT)
Working with sentence transformers
Exercise: Work with Classification and Mining Tasks
Creating embeddings with LangChain
Exercise: CacheBackedEmbeddings Classes
Lexical, semantic, and kNN search
Search Efficiency and Search Performance Metrics
Search Algorithms, Indexing, ANN, FAISS
Quiz & Exercise: Try Out FAISS for Similarity Search
Search Algorithm: Local Sensitivity Hashing (LSH)
Search Algorithm: Inverted File Index (IVF)
Search Algorithm: Product Quantization (PQ)
Search Algorithm: HNSW (1)
Search Algorithm: HNSW (2)
Quiz & Exercise: Search Algorithms & Metrics
Project: Build a Movie Recommendation Engine
Benchmarking ANN Algorithms
Exercise: Benchmark the ANN Algorithms
Module 12Vector Databases
Challenges with semantic search libraries
Introduction to Vector Database
Exercise: Try out ChromaDB
Exercise: Custom embeddings
Chunking, Symmetric & Asymmetric Searches
LangChain Document Loaders
LangChain Text Splitters for Chunking
LangChain Retrievers & Vector stores
Search Scores and Maximal-Marginal-Relevancy (MMR)
Project: Pinecone Adoption @ Company
Quiz: Vector Databases, Chunking, Text Splitters
Module 13Conversational user interface
Introduction to Streamlit Framework
Exercise: Build a HuggingFace LLM Playground
Building Conversational User Interfaces
Exercise: Build a Chatbot with Streamlit
LangChain Conversation Memory
Quiz & Exercise: Building Chatbots with LangChain
Project: PDF Document Summarizer Application
Module 14Advanced retrieval augmented generation
Introduction to Retrieval Augmented Generation (RAG)
LangChain RAG Pipelines
Exercise: Build Smart Retriever with LangChain
Quiz: RAG and Retrievers
Pattern: Multi Query Retriever (MQR)
Pattern: Parent Document Retriever (PDR)
Pattern: Multi Vector Retriever (MVR)
Quiz: MQR, PDR and MVR
Ranking, Sparse, Dense & Ensemble Retrievers
Pattern: Long Context Reorder (LCR)
Quiz: Ensemble & Long Context Retrievers
Pattern: Contextual Compressor
Pattern: Merger Retriever
Quiz: Contextual Compressors and Merger Retriever Patterns
Module 15Agentic RAG
Introduction to Agents, Tools, and Agentic RAG
Exercise: Build a Single-Step Agent without LangChain
LangChain Tools and Toolkits
Quiz: Agents, Tools & Toolkits
Exercise: Try Out the FileManagement Toolkit
How Do We Humans & LLMs Think?
ReACT Framework & Multi-Step Agents
Exercise: Build Question/Answering ReACT Agent
Exercise: Build a Multi-Step ReACT Agent
LangChain Utilities for Building Agentic-RAG Solutions
Exercise: Build an Agentic-RAG Solution using LangChain
Quiz: Agentic RAG and ReAct
Module 16Model Context Protocol
Overview
Introduction to Model Context Protocol (1)
Exercise: Install MCP server on Claude desktop
Introduction to Model Context Protocol (2)
Quiz: Fundamentals of MCP
Exercise : Setup project with MCP Python SDK
Exercise : Explore MCP using the Inspector tool
Exercise : Code an MCP Server
MCP messaging and transport
Exercise : Setup standalone MCP server with notifications
Quiz: MCP Servers
MCP : Client
Exercise: Code the MCP client
Exercise : Question-Answering application
Quiz: MCP Clients
Module 17Fine Tuning
Introduction to Fine-tuning
Fine-tuning : Reasons
Fine tuning process overview
Tools for fine tuning
Exercise: Fine tune Cohere model for toxicity classification
Creating a dataset for fine tuning
Exercise: Prepare a dataset and fine tune Open AI 4o model
Project: Build a credit card fraud detection dataset
Module 18Dataset Preparation for Fine-tuning
Introduction to Alpaca
Fine-tuning dataset formats
Exercise: Explore instruct fine-tuning datasets
Fine-tuning datasets for chats
Exercise: Prepare chat dataset for fine-tuning
Quiz: Fine-tuning datasets
Module 19Pre-training and Fine-tuning with Hugging Face Trainer
Fine-tuning under the covers
Hyperparameters (1)
Hyperparameters (2)
Understand the checkpointing
Exercise: Explore Hyperparameters
Intro HuggingFace Trainer, Data collator classes
Exercise: Try out the DataCollators
Exercise: Pre-training Roberta model
Exercise: Full fine-tune BERT for sentiment analysis
Quiz: Hyperparameters & Fine-tuning
Module 20Quantization
LLM Training Computing Needs
Inferencing Compute Needs
Quiz : Check your understanding of GPU & CUDA
Introduction to Quantization
Exercise: Quantization maths (Affine technique)
Applying quantization : Static & Dynamic
Exercise: Dynamic quantization with PyTorch
Exercise: Static quantization with AutoGPTQ
Quiz: Check your understanding of quantization