edureka!
GENERATIVE AI
MASTERS PROGRAM
About Edureka
Edureka is one of the world’s largest and most effective online education platform for
technology professionals. In a span of 10 years, 100,000+ students from over 176
countries have upskilled themselves with the help of our online courses. Since our
inception, we have been dedicated to helping technology professionals from all corners
of the world learn Programming, Data Science, Big Data, Cloud Computing, DevOps,
Business Analytic, Java & Mobile Technologies, Software Testing, Web Development,
System Engineering, Project Management, Digital Marketing, Business Intelligence,
Cybersecurity, RPA and more.
We have an easy and affordable learning solution that is accessible to millions of learners.
With our learners spread across countries like the US, India, UK, Canada, Singapore,
Australia, Middle East, Brazil, and many others, we have built a community of over 1 million
learners across the globe.
About the Program
Edureka’s Generative AI course helps you master the principles of Generative AI and
implement them in real-world applications. This generative AI online course includes
training on Python Programming, Data Science, Artificial Intelligence, Natural Language
Processing, Generative AI, Prompt Engineering, ChatGPT, and many more. The curriculum
has been meticulously designed by the industry experts based on an analysis of 5000+
global job descriptions. Enroll today and dive into the fascinating world of Generative AI
and elevate your career to the next level.
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Index
1 Python Programming Certification Course
2 Data Science with Python Certification Course
3 Artificial Intelligence Course
4 ChatGPT Complete Course: Beginners to Advanced
5 Prompt Engineering with LLM Course
6 Agentic AI Training Course - Master AI Agents
*Depending on industry requirements, Edureka may make changes to the course curriculum
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Index
Course Outline
Module 1: Introduction to Python
Topics:
• Need for programming
• Advantages of programming
• Overview of python
• Organizations using python
• Python Applications in various domains
• Variables
• Operands and expressions
• Conditional statements
• Loops
• Structural pattern matching
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 2: Sequences and File Operations
Topics:
• Accepting user input and eval function
• Files input/output functions
• Lists
• Tuples
• Strings manipulation
• Sets and set operations
• Python dictionary
Module 3: Functions and Object-oriented Programming
Topics:
• User-defined functions
• Function parameters
• Different types of arguments
• Global variables
• Global keyword
• Lambda functions
• Built-in functions
• Object-oriented concepts
• Public, protected and private attributes
• Class variable and instance variable
• Constructor and destructor
• Inheritance and its types
• Method resolution order
• Overloading and overriding
• Getter and setter methods
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 4: Working with Modules and Handling Exceptions
Topics:
• Standard libraries
• Packages and import statements
• Reload function
• Creating a module
• Important modules in python
• Sys module
• OS module
• Math module
• Date-time module
• Random module
• JSON module
• Regular expression
• Exception handling
Module 5: Array Manipulation using NumPy
Topics:
• Basics of data analysis
• NumPy - Arrays
• Array operations
• Indexing, slicing, and Iterating
• NumPy array attributes
• Matrix product
• NumPy functions
• Array manipulation
• File handling using NumPy
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 6: Data Manipulation using Pandas
Topics:
• Introduction to Pandas
• Data structures in Pandas
• Series
• Data Frames
• Importing and exporting files in Python
• Basic functionalities of a data object
• Merging of data objects
• Pivoting a dataframe
• Concatenation of data objects
• Types of joins on data objects
• Data cleaning using Pandas
• Exploring datasets
Module 7: Data Visualization using Matplotlib and Seaborn
Topics:
• Why data visualization?
• Matplotlib library
• Seaborn
• Line plots
• Multiline plots
• Bar plot
• Histogram
• Pie chart
• Scatter plot
• Boxplot
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Saving charts
• Customizing visualizations
• Saving plots
• Grids
• Subplots
• Heatmaps
Module 8: GUI Programming
Topics:
• Ipywidgets package
• Numeric widgets
• Boolean widgets
• Selection widgets
• String widgets
• Date picker
• Color picker
• Container widgets
• Creating a GUI application
Module 9: Developing Web Maps and Representing Information using Plots (Self-paced)
Topics:
• Use of Folium library
• Use of Pandas library
• Flow Chart of web map application
• Developing web maps using Folium and Pandas
• Reading Information from titanic dataset and represent It using plots
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 10: Web Scraping and Computer Vision using OpenCV (Self-Paced)
Topics:
• Beautiful Soup library
• Scrapy
• Requests library
• Scrap All hyperlinks from a webpage using Beautiful Soup and Requests
• Plotting charts using Bokeh
• Plotting scatterplots using Bokeh
• Image editing using OpenCV
• Face detection using OpenCV
• Motion detection and capturing video
Module 11: Database Integration with Python (Self-Paced)
Topics:
• Basics of database management
• Python MySql
• Create database
• Create a table
• Insert into table
• Select query
• Where clause
• OrderBy clause
• Delete query
• Drop table
• Update query
• Limit clause
• Join and Self-Join
• MongoDB (Unstructured)
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Insert_one query
• Insert_many query
• Update_one query
• Update_many query
• Create_index query
• Drop_index query
• Delete and drop collections
• Limit query
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
*Depending on industry requirements, Edureka may make changes to the course curriculum
Course Outline
Module 1: Introduction to Data Science and ML using Python
Topics:
• Overview of Python
• Companies using Python
• Different Applications where Python is Used
• Discuss Python Scripts on UNIX/Windows
• Values, Types, Variables
• Operands and Expressions
• Conditional Statements
• Loops
• Command Line Arguments
• Writing to the Screen
• What is Data Science?
• What does Data Science involve?
• Data Science Era
• Business Intelligence vs Data Science
• Life cycle of Data Science
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Tools of Data Science
Module 2: Data Handling, Sequences and File Operations
Topics:
• Data Analysis Pipeline
• What is Data Extraction?
• Types of Data
• Raw and Processed Data
• Data Wrangling
• Python files I/O Functions
• Numbers
• Strings and related operations
• Tuples and related operations
• Lists and related operations
• Dictionaries and related operations
• Sets and related operations
Module 3: Deep Dive – Functions, OOPs, Modules, Errors, and Exceptions
Topics:
• Functions
• Function Parameters
• Global Variables
• Variable Scope and Returning Values
• Lambda Functions
• Object Oriented Concepts
• Standard Libraries
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Modules Used in Python
• The Import Statements
• Module Search Path
• Package Installation Ways
• Errors and Exception Handling
• Handling Multiple Exceptions
Module 4: Introduction to NumPy, Pandas, and Matplotlib
Topics:
• Data Analysis
• NumPy - arrays
• Operations on arrays
• Indexing, slicing, and iterating
• Reading and writing arrays on files
• Pandas - data structures & index operations
• Reading and Writing data from Excel/CSV formats into Pandas
• Metadata for imported Datasets
• Matplotlib library
• Grids, axes, plots
• Markers, colors, fonts, and styling
• Types of plots - bar graphs, pie charts, histograms
• Contour plots
Module 5: Data Manipulation
Topics:
• Basic Functionalities of a data object
• Merging of Data objects
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Concatenation of data objects
• Types of Joins on data objects
• Exploring and analyzing datasets
• Analyzing a dataset
Module 6: Introduction to Machine Learning with Python
Topics:
• What is Machine Learning?
• Machine Learning Use-Cases
• Machine Learning Process Flow
• Machine Learning Categories
• Linear regression
• Gradient descent
Module 7: Supervised Learning – I
Topics:
• What are Classification and its use cases?
• What is a Decision Tree?
• Algorithm for Decision Tree Induction
• Creating a Perfect Decision Tree
• Confusion Matrix
• What is Random Forest?
Module 8: Dimensionality Reduction
Topics:
• Introduction to Dimensionality
• Why Dimensionality Reduction
• PCA
• Factor Analysis
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Scaling dimensional model
• LDA
Module 9: Supervised Learning – II
Topics:
• What is Naïve Bayes?
• How Naïve Bayes works?
• Implementing Naïve Bayes Classifier
• What is a Support Vector Machine?
• Illustrate how Support Vector Machine works
• Hyperparameter Optimization
• Grid Search vs. Random Search
• Implementation of Support Vector Machine for Classification
Module 10: Unsupervised Learning
Topics:
• What is Clustering & its Use Cases?
• What is K-means Clustering?
• How does the K-means algorithm works?
• How to do optimal clustering
• What is C-means Clustering?
• What is Hierarchical Clustering?
• How does Hierarchical Clustering work?
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 11: Association Rules Mining and Recommendation Systems
Topics:
• What are Association Rules?
• Association Rule Parameters
• Calculating Association Rule Parameters
• Recommendation Engines
• How do Recommendation Engines work?
• Collaborative Filtering
• Content-Based Filtering
Module 12: Reinforcement Learning (Self-Paced)
Topics:
• What is Reinforcement Learning?
• Why Reinforcement Learning?
• Elements of Reinforcement Learning
• Exploration vs. Exploitation dilemma
• Epsilon Greedy Algorithm
• Markov Decision Process (MDP)
• Q values and V values
• Q – Learning
• Values
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 13: Time Series Analysis (Self-Paced)
Topics:
• What is Time Series Analysis?
• Importance of TSA
• Components of TSA
• White Noise
• AR model
• MA model
• ARMA model
• ARIMA model
• Stationarity
• ACF & PACF
Module 14: Model Selection and Boosting
Topics:
• What is Model Selection?
• Need for Model Selection
• Cross Validation
• What is Boosting?
• How do Boosting Algorithms work?
• Types of Boosting Algorithms
• Adaptive Boosting
Module 15: Statistical Foundations (Self-Paced)
Topics:
• What is Exploratory Data Analysis?
• EDA Techniques
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• EDA Classification
• Univariate Non-graphical EDA
• Univariate Graphical EDA
• Multivariate Non-graphical EDA
• Multivariate Graphical EDA
• Heat Maps
Module 16: Database Integration with Python (Self-Paced)
Topics:
• Basics of database management
• Python MySql
• Create database
• Create a table
• Insert into table
• Select query
• Where clause
• OrderBy clause
• Delete query
• Drop table
• Update query
• Limit clause
• Join and Self-Join
• MongoDB (Unstructured)
• Insert_one query
• Insert_many query
• Update_one query
• Update_many query
• Create_index query
• Drop_index query
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Delete and drop collections
• Limit query
Module 17: Data Connection and Visualization in Tableau (Self-Paced)
Topics:
• Data Visualization
• Business Intelligence tools
• VizQL Technology
• Connect to data from the File
• Connect to data from the Database
• Basic Charts
• Chart Operations
• Combining Data
• Calculations
Module 18: Advanced Visualizations (Self-Paced)
Topics:
• Trend lines
• Reference lines
• Forecasting
• Clustering
• Geographic Maps
• Using charts effectively
• Dashboards
• Story Points
• Visual best practices
• Publish to Tableau Online
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 19: In-Class Project (Self-Paced)
Topics:
• Predict the species of Plant
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
*Depending on industry requirements, Edureka may make changes to the course curriculum
Course Outline
Module 1: Introduction to Text Mining and NLP
Topics:
• Overview of Text Mining
• Need of Text Mining
• Natural Language Processing (NLP) in Text Mining
• Applications of Text Mining
• OS Module
• Reading, Writing to text and word files
• Setting the NLTK Environment
• Accessing the NLTK Corpora
•
Module 2: Extracting, Cleaning and Preprocessing Text
Topics:
• Tokenization
• Frequency Distribution
• Different Types of Tokenizers
• Bigrams, Trigrams & Ngrams
• Stemming
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Lemmatization
• Stopwords
• POS Tagging
• Named Entity Recognition
Module 3: Analyzing Sentence Structure
Topics:
• Syntax Trees
• Chunking
• Chinking
• Context Free Grammars (CFG)
• Automating Text Paraphrasing
Module 4: Text Classification - I
Topics:
• Machine Learning: Brush Up
• Bag of Words
• Count Vectorizer
• Term Frequency (TF)
• Inverse Document Frequency (IDF)
Module 5: Introduction to Deep Learning
Topics:
• What is Deep Learning?
• Curse of Dimensionality
• Machine Learning vs. Deep Learning
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Use cases of Deep Learning
• Human Brain vs. Neural Network
• What is Perceptron?
• Learning Rate
• Epoch
• Batch Size
• Activation Function
• Single Layer Perceptron
Module 6: Getting Started with TensorFlow 2.0
Topics:
• Introduction to TensorFlow 2.x
• Installing TensorFlow 2.x
• Defining Sequence model layers
• Activation Function
• Layer Types
• Model Compilation
• Model Optimizer
• Model Loss Function
• Model Training
• Digit Classification using Simple Neural Network in TensorFlow 2.x
• Improving the model
• Adding Hidden Layer
• Adding Dropout
• Using Adam Optimizer
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 7: Convolution Neural Network
Topics:
• Image Classification Example
• What is Convolution
• Convolutional Layer Network
• Convolutional Layer
• Filtering
• ReLU Layer
• Pooling
• Data Flattening
• Fully Connected Layer
• Predicting a cat or a dog
• Saving and Loading a Model
• Face Detection using OpenCV
Module 8: Regional CNN
Topics:
• Regional-CNN
• Selective Search Algorithm
• Bounding Box Regression
• SVM in RCNN
• Pre-trained Model
• Model Accuracy
• Model Inference Time
• Model Size Comparison
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Transfer Learning
• Object Detection – Evaluation
• mAP
• IoU
• RCNN – Speed Bottleneck
• Fast R-CNN
• RoI Pooling
• Fast R-CNN – Speed Bottleneck
• Faster R-CNN
• Feature Pyramid Network (FPN)
• Regional Proposal Network (RPN)
• Mask R-CNN
Module 9: Boltzmann Machine & Autoencoder
Topics:
• What is Boltzmann Machine (BM)?
• Identify the issues with BM
• Why did RBM come into the picture?
• Step-by-step implementation of RBM
• Distribution of Boltzmann Machine
• Understanding Autoencoders
• Architecture of Autoencoders
• Brief on types of Autoencoders
• Applications of Autoencoders
Module 10: Generative Adversarial Network (GAN)
Topics:
• Which Face is Fake?
• Understanding GAN
• What is Generative Adversarial Network?
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• How does GAN work?
• Step by step Generative Adversarial Network implementation
• Types of GAN
• Recent Advances: GAN
Module 11: Emotion and Gender Detection (Self-paced)
Topics:
• Where do we use Emotion and Gender Detection?
• How does it work?
• Emotion Detection architecture
• Face/Emotion detection using Haar Cascade
• Implementation on Colab
Module 12: Introduction to RNN and GRU (Self-paced)
Topics:
• Issues with Feed Forward Network
• Recurrent Neural Network (RNN)
• Architecture of RNN
• Calculation in RNN
• Backpropagation and Loss calculation
• Applications of RNN
• Vanishing Gradient
• Exploding Gradient
• What is GRU?
• Components of GRU
• Update gate
• Reset gate
• Current memory content
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Final memory at current time step
Module 13: LSTM (Self-paced)
Topics:
• What is LSTM?
• Structure of LSTM
• Forget Gate
• Input Gate
• Output Gate
• LSTM architecture
• Types of Sequence-Based Model
• Sequence Prediction
• Sequence Classification
• Sequence Generation
• Types of LSTM
• Vanilla LSTM
• Stacked LSTM
• CNN LSTM
• Bidirectional LSTM
• How to increase the efficiency of the model?
• Backpropagation through time
• Workflow of BPTT
Module 14: Auto Image Captioning Using CNN LSTM (Self-paced)
Topics:
• Auto Image Captioning
• COCO dataset
• Pre-trained model
• Inception V3 model
• The architecture of Inception V3
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Modify the last layer of a pre-trained model
• Freeze model
• CNN for image processing
• LSTM or text processing
Module 15: Developing a Criminal Identification and Detection Application Using OpenCV (Self-
paced)
Topics:
• Why is OpenCV used?
• What is OpenCV
• Applications
• Demo: Build a Criminal Identification and Detection App
Module 16: TensorFlow for Deployment (Self-paced)
Topics:
• Use Case: Amazon’s Virtual Try-Out Room.
• Why Deploy models?
• Model Deployment: Intuit AI models
• Model Deployment: Instagram’s Image Classification Models
• What is Model Deployment
• Types of Model Deployment Techniques
• TensorFlow Serving
• Browser-based Models
• What is TensorFlow Serving?
• What are Servable?
• Demo: Deploy the Model in Practice using TensorFlow Serving
• Introduction to Browser based Models
• Demo: Deploy a Deep Learning Model in your Browser.
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 17: Text Classification-II (Self-paced)
Topics:
• Converting text to features and labels
• Multinomial Naive Bayes Classifier
• Leveraging Confusion Matrix
Module 18: In Class Project (Self-paced)
Topics:
• Sentiment Classification on Movie Rating Dataset
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Course Outline
Module 1: Unveiling ChatGPT: Conversing with Superintelligence
Topics:
• Introduction to Generative AI
• Introduction to ChatGPT and OpenAI
• Unleashing the Power of ChatGPT
• The Applications of ChatGPT
• Human-AI Collaboration and the Future
• Engaging with ChatGPT
• Wrapping Up and Looking Ahead
Module 2: Prompt Engineering and ChatGPT Plugins
Topics:
• Introduction to Prompt Engineering
• Why Prompt Engineering?
• What is Prompt Engineering?
• Applications of Prompt Engineering
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Types of Prompting
• Priming Prompts
• Prompt Decomposition
• How to Get Better Responses from ChatGPT
• ChatGPT Plugins
•
Module 3: ChatGPT for Productivity
Topics:
• Leveraging ChatGPT for Productivity
• Mastering Excel through ChatGPT
• Becoming a Data Scientist using ChatGPT
• Data Analysis in PowerBI with ChatGPT
• Creating a Content Marketing Plan
• Social Media Marketing using ChatGPT
• Keyword Search and SEO using ChatGPT
• Generating Content using ChatGPT
• Implementing ChatGPT for Customer Service
• Email Marketing using ChatGPT
• Developing a Project Management Plan using ChatGPT
•
Module 4: ChatGPT for Developers and Exploring ChatGPT API
Topics:
• ChatGPT for Creating Programs
• ChatGPT for Debugging
• ChatGPT for Integrating New Features
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• ChatGPT for Testing
• Documenting Your Code with ChatGPT
• Essential Application Programming Interface (API) Concepts
• Introducing OpenAI and ChatGPT API
•
Module 5: GPT Models, Pre-processing and Fine-tuning ChatGPT
Topics:
• Overview of language models
• Understanding the architecture of the GPT model
• GPT models: advantages and disadvantages
• Overview of the pre-trained GPT models available for fine-tuning
• Training of ChatGPT
• Data preparation
• Model architecture
• Hyperparameter tuning
• Training process
Module 6: Building an AI Powered Chatbot
Topics:
• Creating a Chatbot using Chatterbot
• Building an Interactive Chatbot using Rasa
• Developing your own Chatbot using ChatGPT API
Module 7: Deploying and Integrating ChatGPT in Business Applications (Self-paced)
Topics:
• Integrate ChatGPT with Power Automate
• Integrate ChatGPT with Power Apps
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Integrate ChatGPT with Excel
• Create a serverless Rest API with ChatGPT
Module 8: Working with GPT-3 (Self-paced)
Topics:
• Introduction to GPT-3
• Democratizing NLP
• Understanding prompts, completions, and tokens
• Introducing the Playground
• Understanding general GPT-3 use cases
• Understanding GPT-3 risks
Module 9: Building and Deploying GPT-3 Powered Application (Self-paced)
Topics:
• Setting up the GPT-3 API and integrating it into projects
• Building conversational AI for finance and e-commerce domain
• Strengths and limitations of GPT-3 in building conversational AI
• Scaling and deploying GPT-3 models to production
Module 10: ChatGPT: Best Practices, Limitations, and Avenues for Future Development
(Self- paced)
Topics:
• Ethical considerations
• Limitations of ChatGPT
• Best practices for using ChatGPT
• Future developments in the field of ChatGPT
• Opportunities for further learning and research
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 11: Developing Web Application using ChatGPT (Bonus Module)
Topics:
• Building web development architecture
• Building backend server
• Setting up the database
• Setting up a React-based client-side application
• Writing user API requests to MongoDB with Express and React
• Fetching and updating the database with MongoDB API and routing with Express
• Routing to React-based client-side application
• Debugging and client-side coding
• Building a BMI Calculation application
• Building a website and create landing page content using ChatGPT
Module 12: Popular Generative AI Tools (Bonus Module)
Topics:
• Dall-E 2
• Midjourney
• Bard
• Hugging Face
• NLG Cloud
• Copy.ai
• Tome
• Codeium
• WriteSonic
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Course Outline
Module 1: Generative AI Essentials
Topics:
• What is Generative AI?
• Generative AI Evolution
• Differentiating Generative AI from Discriminative AI
• Types of Generative AI
• Generative AI Core Concepts
• LLM Modelling Steps
• Transformer Models: BERT, GPT, T5
• Training Process of an LLM Model like ChatGPT
• The Generative AI development lifecycle
• Overview of Proprietary and Open Source LLMs
• Overview of Popular Generative AI Tools and Platforms
• Ethical considerations in Generative AI
• Bias in Generative AI outputs
• Safety and Responsible AI practices
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 2: Prompt Engineering Essentials
Topics:
• Introduction to Prompt Engineering
• Structure and Elements of Prompts
• Zero-shot Prompting
• One-shot Prompting
• Few-shot Prompting
• Instruction Tuning Basics
• Prompt Testing and Evaluation
• Prompt Pitfalls and Debugging
• Prompts for Different NLP Tasks (Q&A, Summarization, Classification)
• Understanding Model Behavior with Prompt Variation
Module 3: Advanced Prompting
Techniques Topics:
• Chain-of-Thought (CoT) Prompting
• Tree-of-Thought (ToT) Prompting
• Self-Consistency Prompting
• Generated Knowledge Prompting
• Step-back Prompting
• Least-to-Most Prompting
• Adversarial Prompting & Prompt Injection
• Defenses against Prompt Injection
• Auto-prompting techniques
• Semantic Search for Prompt Selection
• Context Window Optimization strategies
• Dealing with ambiguous prompts
• Human-in-the-loop prompt refinement
• Prompt testing and validation methodologies
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 4: Working with LLM APIs and SDKs
Topics:
• LLM Landscape: OpenAI, Anthropic, Gemini, Mistral API, LLaMA
• Core Capabilities: Summarization, Q&A, Translation, Code Generation
• Key Configuration Parameters: Temperature, Top_P, Max_Tokens, Stop Sequences
• Inference Techniques: Sampling, Beam Search, Greedy Decoding
• Efficient Use of Tokens and Context Window
• Calling Tools
• Functions With LLMs
• Deployment Considerations for Open-Source LLMs (Local, Cloud, Fine-Tuning)
• Rate Limits, Retries, Logging
• Understanding Cost, Latency, and Performance and Calculating via Code
Module 5: Building LLM Apps with LangChain and LlamaIndex
Topics:
• LangChain Overview
• LlamaIndex Overview
• Building With LangChain: Chains, Agents, Tools, Memory
• Understanding LangChain Expression Language (LCEL)
• Working With LlamaIndex: Document Ingestion, Index Building, Querying
• Integrating LangChain and LlamaIndex: Common Patterns
• Using External APIs and Tools as Agents
• Enhancing Reliability: Caching, Retries, Observability
• Debugging and Troubleshooting LLM Applications
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 6: Developing RAG Systems
Topics:
• What is RAG and Why is it Important?
• Addressing LLM limitations with RAG
• The RAG Architecture: Retriever, Augmenter, Generator
• DocumentLoaders
• Embedding Models in RAG
• VectorStores as Retrievers in LangChain and in Llamaindex
• RetrievalQA Chain and its variants
• Customizing Prompts for RAG
• Advanced RAG Techniques: Re-ranking retrieved documents
• Query Transformations
• Hybrid Search
• Parent Document Retriever and Self-Querying Retriever
• Evaluating RAG Systems: Retrieval Metrics
Module 7: Vector Databases and Embedding in
practice Topics:
• What are Text Embeddings?
• How LLMs and Embedding Models generate embeddings
• Semantic Similarity and Vector Space
• Introduction to Vector Databases
• Key features: Indexing, Metadata Filtering, CRUD operations
• ChromaDB: Local setup, Collections, Document and Embedding Storage
• Pinecone: Cloud-native, Indexes, Namespaces, and Metadata filtering
• Weaviate: Open-source, Vector-native, and Graph Capabilities
• Other Vector Databases: FAISS, Milvus, Qdrant
• Similarity Search Algorithms
• Building Search Pipelines End to End with an Example Code
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Vector Indexing techniques
• Data Modeling in Vector Databases
• Updating and Deleting Vectors
• Choosing the Right Embedding Model
• Evaluation of Retrieval quality from Vector Databases
Module 8: Building and Deploying End-to-End GenAI
Applications Topics:
• Architecting LLM-Powered Applications
• Types of GenAI Apps: Chatbots, Copilots, Semantic Search / RAG Engines
• Design Patterns: In-Context Learning vs RAG vs Tool-Use Agents
• Stateless vs Stateful Agents
• Modular Components: Embeddings, VectorDB, LLM, UI
• Key Architectural Considerations: Latency, Cost, Privacy, Memory, Scalability
• Building GenAI APIs with FastAPI
• RESTful Endpoint Structure
• Async vs Sync, CORS, Rate Limiting, API Security
• Orchestration Tools: LangServe, Chainlit, Flowise
• Cloud Deployment: GCP
• Containerization and Environment Setup
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 9: Evaluating GenAI Applications and
Enterprise Use Cases Topics:
• Evaluation Metrics: Faithfulness, Factuality, RAGAs, BLEU, ROUGE, MRR
• Human and Automated Evaluation Loops
• Logging, Tracing, and Observability Tools: LangSmith, PromptLayer, Arize
• Prompt and Output Versioning
• Chain Tracing and Failure Monitoring
• Real-Time Feedback Collection
• GenAI Use Cases: Customer Support, Legal, Healthcare, Retail, Finance
• Contract Summarization
• Legal Q&A Bots
• Invoice Parsing with RAG
• Product Search Applications
• Domain Adaptation Strategies
Module 10: Multimodal LLMs and
Beyond Topics:
• Introduction to Multimodal LLMs (GPT-4V, LLaVA, Gemini)
• How multimodal models process different data types
• Use Cases: Image Captioning, Visual Q&A, Video Summarization
• Working with Vision-Language Models (VLMs): Image inputs, text outputs
• Image Loaders in LangChain/LlamaIndex
• Simple visual Q&A applications
• Audio Processing with LLMs: Speech-to-Text (ASR)
• Text-to-Speech (TTS) integration
• Video understanding with LLMs
• Challenges in Multimodal AI
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Ethical Considerations in Multimodal AI
• Agent Frameworks (AutoGPT, CrewAI, LangGraph, MetaGPT)
• ReAct and Plan-and-Act agent strategies
• Future Directions
Module 11: Bonus Module Fine-tuning & PEFT
(Self-paced)
Topics:
• Introduction to LLMOps: Managing the ML Lifecycle for Large Language Models
• Prompt Versioning and Experiment Tracking
• Model Monitoring: Latency, Drift, Failures, and Groundedness
• Safety and Reliability Evaluation: Toxicity, Hallucination, Bias Detection
• Evaluation Frameworks Overview: RAGAS, TruLens, LangSmith
• RAG Evaluation with RAGAS: Precision, Recall, Faithfulness
• Observability in Production: Logs, Metrics, Tracing LLM Workflows
• Using LangSmith for Chain/Agent Tracing, Feedback, and Dataset Runs
• Integrating TruLens for Human + Automated Feedback Collection
• Inference Cost Estimation and Optimization Techniques
• Budgeting Strategies for Token Usage, API Calls, and Resource Allocation
• Production Best Practices: Deploying With Guardrails and Evaluation Loops
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 12: Bonus Module: LLMOps and
Evaluation (Self-paced)
Topics:
• Introduction to Model Finetuning: When Prompt Engineering Isn’t Enough
• Overview of Parameter-Efficient Finetuning (PEFT)
• LoRA (Low-Rank Adaptation): Concept and Architecture
• QLoRA: Quantized LoRA for Finetuning Large Models Efficiently
• Adapter Tuning: Modular and Lightweight Finetuning
• Comparing Finetuning Techniques: Full vs. LoRA vs. QLoRA vs. Adapters
• Selecting the Right Finetuning Strategy Based on Task and Resources
• Introduction to Hugging Face Transformers and PEFT Library
• Setting Up a Finetuning Environment with Google Colab
• Preparing Custom Datasets for Instruction Tuning and Task Adaptation
• Monitoring Training Metrics and Evaluating Fine-tuned Models
• Use Cases: Domain Adaptation, Instruction Tuning, Sentiment Customization
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Course Outline
Module 1: Agentic AI Essentials
Topics:
• Agentic AI Introduction
• AI Agents vs. Agentic AI
• Comparison: Agentic AI, Generative AI, and Traditional AI
• Agentic AI Building Blocks
• Autonomous Agents
• Human in the Loops Systems
• Single and Multi Agent AI Systems
• Agentic AI Frameworks Overview
• Ethical and Responsible AI
• Agentic AI Best Practices
• AI Implementation Success Stories: Case Studies
Module 2: Agentic AI: Architectures and Design Patterns
Topics:
• Agentic AI Introduction
• AI Agents vs. Agentic AI
• Comparison: Agentic AI, Generative AI, and Traditional AI
• Agentic AI Building Blocks
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Autonomous Agents
• Human in the Loops Systems
• Single and Multi Agent AI Systems
• Agentic AI Frameworks Overview
• Ethical and Responsible AI
• Agentic AI Best Practices
• AI Implementation Success Stories: Case Studies
Module 3: Working with LangChain and LCEL
Topics:
• Components and Modules
• Data Ingestion and Document Loaders
• Text Splitting
• Embeddings
• Integration with Vector Databases
• Introduction to Langchain Expression Language (LCEL)
• Runnables
• Chains
• Building and Deploying with LCEL
• Deployment with Langserve
Module 4: Building AI Agents with LangGraph
Topics:
• Introduction to LangGraph
• State and Memory
• State Schema
• State Reducer
• Multiple Schemas
• Trim and Filter Messages
• Memory and External Memory
• UX and Human-in-the-Loop (HITL)
• Building Agent with LangGraph
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
• Long Term Memory
• Short vs. Long Term Memory
• Memory Schema
• Deployment
Module 5: Implementing Agentic RAG
Topics:
• What is Agentic RAG?
• Agentic RAG vs. Traditional RAG
• Agentic RAG Architecture and Components
• Understanding Adaptive RAG
• Variants of Agentic RAG
• Applications of Agentic RAG
• Agentic RAG with Llamaindex
• Agentic RAG with Cohere
Module 6: Developing AI Agents with Phidata
Topics:
• Agents
• Models
• Tools
• Knowledge
• Chunking
• Vector DB
• Storage
• Embeddings
• Workflows
• Developing Agents with Phidata
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 7: Multi Agent Systems with LangGraph and CrewAI
Topics:
• Multi Agent Systems
• Multi Agent Workflows
• Collaborative Multi Agents
• Multi Agent Designs
• Multi Agent Workflow with LangGraph
• CrewAI Introduction
• CrewAI Components
• Setting up CrewAI environment
• Building Agents with CrewAI
Module 8: Advanced Agent Development with Autogen
Topics:
• Autogen Introduction
• Salient Features
• Roles and Conversations
• Chat Terminations
• Human-in-the-Loop
• Code Executor
• Tool Use
• Conversation Patterns
• Developing Autogen-powered Agents
• Deployment and Monitoring
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 9: AI Agent Observability and AgentOPs
Topics:
• AI Agent Observability and AgentOPs
• Langfuse Dashboard
• Tracing
• Evaluation
• Managing Prompts
• Experimentation
• AI Observability with Langsmith
• Setting up Langsmith
• Managing Workflows with Langsmith
• AgentOps Practical Implementation
Module 10: Building AI Agents with No/Low- Code Tools
Topics:
• Introduction to No-Code/Low-Code AI
• Benefits and Challenges of No-Code AI Development
• Key Components of No-Code AI Platforms
• Building AI Workflows Without Coding
• Designing AI Agents with Drag-and-Drop Interfaces
• Integrating No-Code AI with Existing Systems
• Customizing and Fine-Tuning AI Solutions
• Optimizing Performance and Efficiency in No-Code AI
• Security and Compliance Considerations in No-Code AI
• Best Practices for Deploying No-Code AI Solutions
• Real-World Use Cases and Applications of No-Code AI
• Scaling and Future Trends in No-Code AI
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
Module 11: Bonus Module: Generative and Agentic AI on Cloud (Self-paced)
Topics:
• Deploying Generative AI Models with Amazon Bedrock
• Implementing Retrieval-Augmented Generation (RAG)
• Building and Managing AI Agents
• Serverless AI Agent Deployment
• Observability and Monitoring AI Agents
• Developing Generative AI Applications with Azure OpenAI Service
• Implementing Agentic AI Workflows with Azure Machine Learning (AML)
• Fine-Tuning Large Language Models (LLMs) on Azure
• Building AI Agents on Azure
• AI Model Deployment and Governance on Azure
• Working with Vertex AI Agent Builder
• Building No Code Conversational AI Agent
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.