Skip to navigation
Skip to navigation
Skip to search form
Skip to login form
Skip to footer
Skip to main content
MVP189
LEO777
LEO777
LEO777
LEO777
LEO777
LEO777
LEO777
LEO777
LEO777
PAREPOS
JAVABET99
KONTAN88
PEWE128
LAGA88
SKY99IDN
BUANA88
BOXING55
DEWISRI88
DEWISRI88
DEWISRI88
MVP189
slot mania
MVP189
situs tergacor
pg slot wallet
Accessibility options
Accessibility profiles
Visual impairment
Seizure and epileptic
Color vision deficiency
ADHD
Learning
Content adjustments
Readable font
Highlight titles
Highlight links
Stop animations
Text size
+
+ +
+ + +
Line height
+
+ +
+ + +
Text spacing
+
+ +
+ + +
Color adjustments
Dark contrast
Light contrast
High contrast
High saturation
Low saturation
Monochrome
Orientation adjustments
Reading guide
Reading Mask
Big black cursor
Big white cursor
Email: it@huph.edu.vn
Email: it@huph.edu.vn
Các khóa học
Link list
Đổi giao diện
Giao diện cũ
Giao diện mới
Learning AI
Machine Learning cơ bản
en
English
AI
OpenAI Courses
Udemy - The AI Engineer Course 2025 Complete AI Engineer Bootcamp 2025-1
0 students
Last updated
Feb 2025
Enrol now
Overview
Course content
Instructors
About the course
Show more...
Course content
Sections:
63
•
Activities:
0
•
Resources:
350
Expand all
Section 1
01. Intro to AI Module Getting started
1 Building an AI tool in 5 minutes A quick demo
2 What does the course cover
3 Natural vs Artificial Intelligence
4 Brief history of AI
5 Demystifying AI Data science Machine learning and Deep learning
6 Weak vs Strong AI
Section 2
02. Intro to AI Module Data is essential for building AI
1 Structured vs unstructured data
2 How we collect data
3 Labelled and unlabelled data
4 Metadata Data that describes data
Section 3
03. Intro to AI Module Key AI techniques
1 Machine learning
2 Supervised Unsupervised and Reinforcement learning
3 Deep learning
Section 4
04. Intro to AI Module Important AI branches
1 Robotics
2 Computer vision
3 Traditional ML
4 Generative AI
Section 5
05. Intro to AI Module Understanding Generative AI
1 The rise of Gen AI Introducing ChatGPT
2 Early approaches to Natural Language Processing NLP
3 Recent NLP advancements
4 From Language Models to Large Language Models LLMs
5 The efficiency of LLM training Supervised vs Semi supervised learning
6 From N Grams to RNNs to Transformers The Evolution of NLP
7 Phases in building LLMs
8 Prompt engineering vs Fine tuning vs RAG Techniques for AI optimization
9 The importance of foundation models
10 Buy vs Make foundation models vs private models
Section 6
06. Intro to AI Module Practical challenges in Generative AI
1 Inconsistency and hallucination
2 Budgeting and API costs
3 Latency
4 Running out of data
Section 7
07. Intro to AI Module The AI tech stack
1 Python programming
2 Working with APIs
3 Vector databases
4 The importance of open source
5 Hugging Face
6 LangChain
7 AI evaluation tools
Section 8
08. Intro to AI Module AI job positions
1 AI strategist
2 AI developer
3 AI engineer
Section 9
09. Intro to AI Module Looking ahead
1 AI ethics
2 Future of AI
Section 10
10. Python Module Why Python
1 Programming Explained in a Few Minutes
2 Why Python
Section 11
11. Python Module Setting Up the Environment
1 Jupyter Introduction
2 Jupyter Installing Anaconda
3 Jupyter Introduction to Using Jupyter
4 Jupyter Working with Notebook Files
5 Jupyter Using Shortcuts
6 Jupyter Handling Error Messages
7 Jupyter Restarting the Kernel
Section 12
12. Python Module Python Variables and Data Types
1 Python Variables
7 Types of Data Numbers and Boolean Values
14 Types of Data Strings
Section 13
13. Python Module Basic Python Syntax
1 Basic Python Syntax Arithmetic Operators
11 Basic Python Syntax The Double Equality Sign
14 Basic Python Syntax Reassign Values
20 Basic Python Syntax Add Comments
22 Basic Python Syntax Line Continuation
24 Basic Python Syntax Indexing Elements
28 Basic Python Syntax Indentation
Section 14
14. Python Module More on Operators
1 Operators Comparison Operators
7 Operators Logical and Identity Operators
Section 15
15. Python Module Conditional Statements
1 Conditional Statements The IF Statement
5 Conditional Statements The ELSE Statement
7 Conditional Statements The ELIF Statement
10 Conditional Statements A Note on Boolean Values
Section 16
16. Python Module Functions
1 Functions Defining a Function in Python
2 Functions Creating a Function with a Parameter
5 Functions Another Way to Define a Function
7 Functions Using a Function in Another Function
9 Functions Combining Conditional Statements and Functions
11 Functions Creating Functions Containing a Few Arguments
12 Functions Notable Built in Functions in Python
Section 17
17. Python Module Sequences
1 Sequences Lists
8 Sequences Using Methods
14 Sequences List Slicing
22 Sequences Tuples
27 Sequences Dictionaries
Section 18
18. Python Module Iteration
1 Iteration For Loops
5 Iteration While Loops and Incrementing
7 Iteration Creatie Lists with the range Function
12 Iteraion Use Conditional Statements and Loops Together
16 Iteration Conditional Statements Functions and Loops
18 Iteration Iterating over Dictionaries
Section 19
19. Python Module A Few Important Python Concepts and Terms
1 Introduction to Object Oriented Programming OOP
2 Modules Packages and the Python Standard Library
3 Importing Modules
5 What is Software Documentation
6 The Python Documentation
Section 20
20. NLP Module Introduction
1 Introduction to the course
3 Introduction to NLP
4 NLP in everyday life
5 Supervised vs unsupervised NLP
Section 21
21. NLP Module Text Preprocessing
1 The importance of data preparation
2 Lowercase
3 Removing stop words
4 Regular expressions
5 Tokenization
6 Stemming
7 Lemmatization
8 N grams
10 Practical task
Section 22
22. NLP Module Identifying Parts of Speech and Named Entities
1 Text tagging
2 Parts of Speech POS tagging
3 Named Entity Recognition NER
5 Practical task
Section 23
23. NLP Module Sentiment Analysis
1 What is sentiment analysis
2 Rule based sentiment analysis
3 Pre trained transformer models
5 Practical task
Section 24
24. NLP Module Vectorizing Text
1 Numerical representation of text
2 Bag of Words model
3 TF IDF
Section 25
25. NLP Module Topic Modelling
1 What is topic modelling
2 When to use topic modelling
3 Latent Dirichlet Allocation LDA
5 LDA in Python
6 Latent Semantic Analysis LSA
7 LSA in Python
8 How many topics
Section 26
26. NLP Module Building Your Own Text Classifier
1 Building a custom text classifier
2 Logistic regression
3 Naive Bayes
4 Linear support vector machine
Section 27
27. NLP Module Categorizing Fake News (Case Study)
2 Introducing the project
3 Exploring our data through POS tags
4 Extracting named entities
5 Processing the text
6 Does sentiment differ between news types
7 What topics appear in fake news Part 1
8 What topics appear in fake news Part 2
9 Categorizing fake news with a custom classifier
Section 28
28. NLP Module The Future of NLP
1 What is deep learning
2 Deep learning for NLP
3 Non English NLP
4 Whats next for NLP
Section 29
29. LLMs Module Introduction to Large Language Models
1 Introduction to the course
3 What are LLMs
4 How large is an LLM
5 General purpose models
6 Pre training and fine tuning
7 What can LLMs be used for
Section 30
30. LLMs Module The Transformer Architecture
1 Deep learning recap
2 The problem with RNNs
3 The solution attention is all you need
4 The transformer architecture
5 Input embeddings
6 Multi headed attention
7 Feed forward layer
8 Masked multihead attention
9 Predicting the final outputs
Section 31
31. LLMs Module Getting Started With GPT Models
1 What does GPT mean
2 The development of ChatGPT
3 OpenAI API
4 Generating text
5 Customizing GPT output
6 Key word text summarization
7 Coding a simple chatbot
8 Introduction to LangChain in Python
9 LangChain
10 Adding custom data to our chatbot
Section 32
32. LLMs Module Hugging Face Transformers
1 Hugging Face package
2 The transformer pipeline
3 Pre trained tokenizers
4 Special tokens
5 Hugging Face and PyTorchTensorFlow
6 Saving and loading models
Section 33
33. LLMs Module Question and Answer Models With BERT
1 GPT vs BERT
2 BERT architecture
3 Loading the model and tokenizer
4 BERT embeddings
5 Calculating the response
6 Creating a QA bot
7 BERT RoBERTa DistilBERT
Section 34
34. LLMs Module Text Classification With XLNet
1 GPT vs BERT vs XLNET
3 Preprocessing our data
4 XLNet Embeddings
5 Fine tuning XLNet
6 Evaluating our model
Section 35
35. LangChain Module Introduction
1 Introduction to the course
3 Business applications of LangChain
4 What makes LangChain powerful
5 What does the course cover
Section 36
36. LangChain Module Tokens, Models, and Prices
1 Tokens
2 Models and Prices
Section 37
37. LangChain Module Setting Up the Environment
1 Setting up a custom anaconda environment for Jupyter integration
2 Obtaining an OpenAI API key
3 Setting the API key as an environment variable
Section 38
38. LangChain Module The OpenAI API
1 First Steps
2 System user and assistant roles
3 Creating a sarcastic chatbot
4 Temperature max tokens and streaming
Section 39
39. LangChain Module Model Inputs
1 The LangChain framework
2 ChatOpenAI
3 System and human messages
4 AI messages
5 Prompt templates and prompt values
6 Chat prompt templates and chat prompt values
7 Few shot chat message prompt templates
8 LLMChain
Section 40
40. LangChain Module Message History and Chatbot Memory
1 Chat message history
2 Conversation buffer memory Implementing the setup
3 Conversation buffer memory Configuring the chain
4 Conversation buffer window memory
5 Conversation summary memory
6 Combined memory
Section 41
41. LangChain Module Output Parsers
1 String output parser
2 Comma separated list output parser
3 Datetime output parser
Section 42
42. LangChain Module LangChain Expression Language (LCEL)
1 Piping a prompt model and an output parser
2 Batching
3 Streaming
4 The Runnable and RunnableSequence classes
5 Piping chains and the RunnablePassthrough class
6 Graphing Runnables
7 RunnableParallel
8 Piping a RunnableParallel with other Runnables
9 RunnableLambda
10 The chain decorator
11 Adding memory to a chain Part 1 Implementing the setup
12 RunnablePassthrough with additional keys
13 Itemgetter
14 Adding memory to a chain Part 2 Creating the chain
Section 43
43. LangChain Module Retrieval Augmented Generation (RAG)
1 How to integrate custom data into an LLM
2 Introduction to RAG
3 Introduction to document loading and splitting
4 Introduction to document embedding
5 Introduction to document storing retrieval and generation
6 Indexing Document loading with PyPDFLoader
7 Indexing Document loading with Docx2txtLoader
8 Indexing Document splitting with character text splitter Theory
9 Indexing Document splitting with character text splitter Code along
10 Indexing Document splitting with Markdown header text splitter
11 Indexing Text embedding with OpenAI
12 Indexing Creating a Chroma vectorstore
13 Indexing Inspecting and managing documents in a vectorstore
14 Retrieval Similarity search
15 Retrieval Maximal Marginal Relevance MMR search
16 Retrieval Vectorstore backed retriever
17 Generation Stuffing documents
18 Generation Generating a response
Section 44
44. LangChain Module Tools and Agents
1 Introduction to reasoning chatbots
2 Tools toolkits agents and agent executors
4 Creating a Wikipedia tool and piping it to a chain
5 Creating a retriever and a custom tool
6 LangChain hub
7 Creating a tool calling agent and an agent executor
8 AgentAction and AgentFinish
Section 45
45. Vector Databases Module Introduction
1 Introduction to the course
3 Database comparison SQL NoSQL and Vector
4 Understanding vector databases
Section 46
46. Vector Databases Module Basics of Vector Space and High-Dimensional Data
1 Introduction to vector space
2 Distance metrics in vector space
3 Vector embeddings walkthrough
Section 47
47. Vector Databases Module Introduction to The Pinecone Vector Database
1 Vector databases comparison
2 Pinecone registration walkthrough and creating an Index
3 Connecting to Pinecone using Python
5 Creating and deleting a Pinecone index using Python
6 Upserting data to a pinecone vector database
7 Getting to know the fine web data set and loading it to Jupyter
8 Upserting data from a text file and using an embedding algorithm
Section 48
48. Vector Databases Module Semantic Search with Pinecone and Custom (Case Study)
1 Introduction to semantic search
2 Introduction to the case study smart search for data science courses
3 Getting to know the data for the case study
4 Data loading and preprocessing
5 Pinecone Python APIs and connecting to the Pinecone server
6 Embedding Algorithms
7 Embedding the data and upserting the files to Pinecone
8 Similarity search and querying the data
9 How to update and change your vector database
10 Data preprocessing and embedding for courses with section data
12 Upserting the new updated files to Pinecone
13 Similarity search and querying courses and sections data
15 Using the BERT embedding algorithm
16 Vector database for recommendation engines
17 Vector database for semantic image search
18 Vector database for biomedical research
Section 49
49. Speech Recognition Module Introduction
1 Welcome to the world of Speech Recognition
3 Course Approach
4 How it all started Formants harmonics and phonemes
5 Development and Evolution
Section 50
50. Speech Recognition Module Sound and Speech Basics
1 How do humans recognize speech
2 Fundamentals of sound and sound waves
3 Properties of sound waves
Section 51
51. Speech Recognition Module Analog to Digital Conversion
1 Key concepts Sample Rate bit depth and bit rate
2 Audio signal processing for Machine Learning and AI
Section 52
52. Speech Recognition Module Audio Feature Extraction for AI Applications
1 Time domain audio features
2 Frequency domain and time frequency domain audio features
3 Time domain feature extraction Framing and feature computation
4 Frequency domain feature extraction Fourier transform
Section 53
53. Speech Recognition Module Technology Mechanics
1 Acoustic and language modeling
2 Hidden Markov Models HMMs and traditional neural networks
3 Deep learning models CNNs RNNs and LSTMs
4 Advanced speech recognition systems Transformers
5 Building a speech recognition model part I
6 Building a speech recognition model part II
7 Selecting the appropriate speech recognition tool
Section 54
54. Speech Recognition Module Setting Up the Environment
1 Installing Anaconda
2 Setting up a new environment
3 Installing packages for speech recognition
4 Importing the relevant packages in Jupyter
Section 55
55. Speech Recognition Module Transcribing Audio with Google Web Speech API
1 Audio file formats for speech recognition
2 Importing audio files in Jupyter Notebook
3 The SpeechRecognition library Google Web Speech API
4 Evaluation metrics WER and CER
5 Calculating WER and CER in Python
Section 56
56. Speech Recognition Module Background Noise and Spectrograms
1 Understanding noise in audio files
2 Creating a spectrogram with Python
3 Dealing with background noise
Section 57
57. Speech Recognition Module Transcribing Audio with OpenAI's Whisper
1 91Whisper AI Transformer based speech to text
3 Transcribing multiple audio files from a directory
4 Saving audio transcriptions to CSV for easy analysis
5 Reversing the process AI powered text to speech
Section 58
58. Speech Recognition Module Final Discussion and Future Directions
1 Modern practices and applications
2 Challenges and limitations
3 The future of speech recognition with AI
Section 59
59. LLM Engineering Module Introduction
1 Introduction to the Course
2 What does the course cover
3 The Interview Tools Specifics
Section 60
60. LLM Engineering Module Planning stage
1 Hosting an LLM vs Using an API
2 Open Source vs Closed Source Models
3 Tokens
4 Pricing Hosting an LLM vs Pay by Token
5 Initial Prompt Development Part 1
6 Initial Prompt Development Part 2
7 Database Design and Schema Development
8 What Is an Activity Diagram
9 Creating an Activity Diagram
10 Concluding the Planning Stage
Section 61
61. LLM Engineering Module Crafting and Testing AI Prompts
1 The OpenAI Playground
2 Optimizing Temperature and Top P for Different Use Cases
3 Prompt Engineering for Software Development
4 How to Test Out a Prompt Template
Section 62
62. LLM Engineering Module Getting to Know Streamlit
1 Setting up environment
2 Streamlits Pros and Cons
3 Streamlit Elements Titles Headers and Formatting
4 Streamlit Elements Text Methods
5 Streamlit Elements Chat Elements
6 Sessin State
Section 63
63. LLM Engineering Module Developing the prototype
1 Initializing an OpenAI Client
2 Implementing the Chat Functionality
3 Building the Setup Page
4 Enhancing Chatbot Interaction with Session State
5 Refining Our Project
6 Implementing Feedback Functionality Part 1
7 Implementing Feedback Functionality Part 2
8 Uploading Your Project in GitHub
9 Deploying Your Streamlit App
Instructors
Enrolment options
Udemy - The AI Engineer Course 2025 Complete AI Engineer Bootcamp 2025-1
Course modified date:
27 Feb 2025
Enrolled students:
There are no students enrolled in this course.
Guests cannot access this course. Please log in.
Continue
Enrol now
This course includes
Resources
Share this course
Scroll to top
×
Close
×
Close