Azure AI Fundamentals Certification 2024 (AI-900) - Full Course to PASS the Exam
Updated: October 26, 2025
Summary
The video provides a comprehensive overview of the Azure AI Fundamentals certification, covering key concepts essential for AI roles and the comparison between AI engineer and data scientist roles. It delves into machine learning terms like neural networks and deep learning, explaining their significance in AI applications. The speaker demonstrates practical applications through services like Azure Anomaly Detector for anomaly detection, Seeing AI for computer vision, and NLP for language understanding with services like Q&A Maker and Azure Bot Service. Additionally, the video highlights Azure Cognitive Services' capabilities for intelligent applications and detailed insights into tools like Custom Vision for image classification and object detection tasks. It concludes with a focus on responsible AI practices and the Azure Machine Learning Service for modernized AI and ML workloads, encompassing aspects like data labeling, automated ML pipelines, and model selection.
TABLE OF CONTENTS
- Introduction to Azure AI Fundamentals 
- Certification Details 
- Study Preparation 
- Exam Structure and Content 
- Machine Learning Concepts 
- Advanced Machine Learning Concepts 
- Anomaly Detection 
- Computer Vision 
- Azure Computer Vision Services 
- Natural Language Processing 
- Conversational AI 
- Responsible AI Principles 
- Applying Microsoft AI principles 
- Azure Cognitive Services 
- Azure Face Service 
- Azure Speech and Translate Service 
- Azure Text Analytics 
- Optical Character Recognition (OCR) 
- Form Recognizer Service 
- Custom Document Processing Models 
- Custom Models 
- Pre-built Models 
- Natural Language Understanding (LUIS) 
- Q&A Maker Service 
- Azure Bot Service 
- Azure Machine Learning Service 
- Introduction to Time Series Forecasting 
- Custom Vision Overview 
- Custom Vision Project Types 
- Custom Vision Image Classification Domains 
- Custom Vision Object Detection Domains 
- Image Classification Process 
- Training Options in Custom Vision 
- Evaluation Metrics in Custom Vision 
- Transformer Model Overview 
- Tokenization in Transformer Models 
- Token Embeddings in Transformer Models 
- Positional Encoding in Transformer Models 
- Attention in Transformer Models 
- Azure OpenAI Service 
- Azure OpenAI Pricing 
- Co-Pilots in Computing 
- Prompt Engineering 
- Grounding in Prompt Engineering 
- Setting Up Notebook and Compute Instances 
- Creating and Configuring Notebook Instances 
- Configuring Cognitive Services 
- Setting Up Custom Vision 
- Object Detection with Custom Vision 
- Face Detection Using Computer Vision 
- Exploring Form Recognizer 
- Service Overview and Pricing 
- OCR Capabilities with Computer Vision 
- Usage of Read API for OCR 
- Handwritten Note OCR 
- Text Analysis Service 
- Sentiment Analysis from Reviews 
- Text Analysis Insights 
- Q&A Maker Service 
- Bot Creation and Testing 
- Creation of Cognitive Bot 
- Utilization of Luis Service 
- Model Training with Luis 
- Exploration of Automated ML 
- Decision Time on Compute Resource 
- Choosing Compute Resource Based on Dataset Characteristics 
- Configuration and Deployment Decisions 
- Automated Feature Selection and Model Setup 
- Model Training and Algorithm Interpretation 
- Insights from Model Performance Analysis 
- Deployment Process and Data Guardrails 
- Exploration of Automated Machine Learning (AutoML) 
- Visual Designer Exploration for Customization 
- End-to-End Training and Deployment Workflow 
- Setting up Training and Testing Data 
- Creating a Training File 
- Training and Testing Data Analysis 
- Output and Model Saving 
- Preparing and Running the Job 
- Monitoring Job Progress 
- Completion of Job and Cleanup 
Introduction to Azure AI Fundamentals
Overview of the Azure AI Fundamentals certification, its relevance for AI roles, and the key concepts covered in the course.
Certification Details
Details about the AI-900 certification, prerequisites, paths for certification, and comparison between AI engineer and data scientist roles.
Study Preparation
Guidelines for studying for the AI-900 certification, study hours based on experience level, study materials, and recommendations for passing the exam.
Exam Structure and Content
Breakdown of exam domains, topics covered in the certification, evaluation metrics, and comparison between forecasting and prediction.
Machine Learning Concepts
Explanation of machine learning terms such as neural networks, deep learning, gpu, Cuda, data labeling, and machine learning pipelines.
Advanced Machine Learning Concepts
Detailed information on Jupyter notebooks, regression, classification, clustering, confusion matrix, and their applications in machine learning.
Anomaly Detection
Anomaly detection is crucial for finding outliers within a dataset to detect suspicious or malicious data patterns. Machine learning (ML) is used for efficient anomaly detection with services like Azure Anomaly Detector.
Computer Vision
Computer vision utilizes machine learning and neural networks for image and video recognition, including tasks like image classification, object detection, semantic segmentation, image analysis, optical character recognition, and facial detection.
Azure Computer Vision Services
Microsoft's Azure offers computer vision services like Seeing AI for visual impairment, text recognition, object detection, and more to analyze images and videos effectively.
Natural Language Processing
NLP enables machines to understand and interpret human language for sentiment analysis, speech synthesis, real-time translation, and language understanding for chatbots and virtual assistants like Cortana.
Conversational AI
Conversational AI technologies include chatbots, voice assistants, and interactive voice recognition systems, enhancing customer support, accessibility, healthcare, and IoT devices with services like Q&A Maker and Azure Bot Service.
Responsible AI Principles
Microsoft promotes responsible AI practices through fairness, reliability, safety, security, privacy, inclusiveness, transparency, and accountability to ensure ethical and transparent AI technology usage.
Applying Microsoft AI principles
Microsoft AI principles are applied through clear system functionality, reliability, security, privacy, inclusiveness, and accountability outcomes to ensure responsible AI use in various scenarios.
Azure Cognitive Services
Azure Cognitive Services offer a range of AI services and APIs for building intelligent applications, including decision-making, knowledge mining, content research, customer support, and digital assessment management.
Azure Face Service
Azure Face Service provides AI algorithms for detecting, recognizing, and analyzing human faces in images, offering features like face attributes, facial landmarks, and face similarity detection.
Azure Speech and Translate Service
Azure Speech and Translate Service allows for real-time speech-to-text, text-to-speech, and speech translation, supporting 90 languages and dialects for efficient communication and language translation.
Azure Text Analytics
Azure Text Analytics service enables natural language processing for sentiment analysis, opinion mining, key phrase extraction, language detection, and named entity recognition to extract insights from unstructured text data.
Optical Character Recognition (OCR)
OCR converts printed or handwritten text from images into digital editable formats, serving various applications like document processing, financial reports, and article extraction using Microsoft's OCR APIs.
Form Recognizer Service
Form Recognizer is a specialized OCR service that translates printed text into digital and editable content while preserving the structure and relationships of the form. It automates data entry in applications, enriches document search capabilities, and can identify key value pairs, selection marks, table structures, and output structures like original file relationships and bounding boxes.
Custom Document Processing Models
Form Recognizer consists of custom document processing models and pre-built models for invoices, receipts, IDs, and business cards. It can extract text, selection marks, table structures, along with bounding boxes to automate data entry and enhance document search features.
Custom Models
Custom models in Form Recognizer allow users to extract text, key value pairs, and tabular data from forms by training models with their own data. Models require only five samples to start training, and output structured data can include the original form document's relationships.
Pre-built Models
Form Recognizer includes pre-built models for receipts from various countries, business cards, invoices, and IDs. Each model extracts specific information like receipt types, merchant details, customer names, and line items. Users can create custom models to extract additional data from receipts or business cards.
Natural Language Understanding (LUIS)
Natural Language Understanding (LUIS) is an Azure ML service that enables the integration of language understanding into applications, bots, and IoT devices. LUIS utilizes NLP and NLU to transform linguistic statements into representations for better user understanding, defining intentions, entities, and training models using labeled forms.
Q&A Maker Service
Q&A Maker is a cloud-based NLP service for creating conversational layers over data. It can answer repeat questions, filter stack information based on metadata, manage bot conversations, store customer data securely, and integrates with various channels like social apps, chatbots, and speech-enabled applications.
Azure Bot Service
Azure Bot Service is an intelligent bot service for creating, publishing, and managing bots that scale on demand. It integrates with Azure, Microsoft, and third-party services via channels like Direct Line, Alexa, Office 365, Facebook, and Kik. Tools like Bot Framework SDK and Bot Composer facilitate bot development for various applications.
Azure Machine Learning Service
Azure Machine Learning Service offers a modernized approach to AI and ML workloads with flexible automated ML pipelines, deep learning capabilities, and tools like Azure ML Studio and SDK for Python. Users can build, test, deploy, and manage ML models efficiently with features like data labeling, data sets, automated ML, and model selection.
Introduction to Time Series Forecasting
Description of time series forecasting in the context of ML models and different validation types.
Custom Vision Overview
Introduction to Custom Vision, a managed service for classification and object recognition.
Custom Vision Project Types
Explanation of project types in Custom Vision such as multi-label and multi-class classification.
Custom Vision Image Classification Domains
Overview of different domains tailored for image classification tasks in Custom Vision.
Custom Vision Object Detection Domains
Brief explanation of object detection domains in Custom Vision focused on diverse object recognition tasks.
Image Classification Process
Detailed explanation of the image classification process in Custom Vision involving image uploading and tagging.
Training Options in Custom Vision
Comparison of quick training and advanced training options in Custom Vision for model accuracy improvement.
Evaluation Metrics in Custom Vision
Explanation of evaluation metrics like precision, recall, and average precision used in assessing model performance in Custom Vision.
Transformer Model Overview
Introduction to the Transformer model architecture's encoder and decoder components for language understanding and generation.
Tokenization in Transformer Models
Explanation of tokenization process in Transformer models for converting text into numerical sequences.
Token Embeddings in Transformer Models
Description of token embeddings and their role in understanding word meanings in Transformer models.
Positional Encoding in Transformer Models
Explanation of positional encoding technique in Transformer models to preserve word order and context in language generation.
Attention in Transformer Models
Overview of attention mechanism in Transformer models to prioritize input words for accurate language generation.
Azure OpenAI Service
Introduction to Azure OpenAI, a cloud-based platform hosting advanced language models for various purposes like chat and image generation.
Azure OpenAI Pricing
Outline of pricing for different models in Azure OpenAI service based on model types and context sizes.
Co-Pilots in Computing
Introduction to co-pilots, computing tools integrated with applications for common tasks using generative AI models.
Prompt Engineering
Overview of prompt engineering process to enhance interactions between humans and generative AI models for higher quality responses.
Grounding in Prompt Engineering
Description of grounding in prompt engineering to enrich prompts with relevant context for accurate responses from large language models.
Setting Up Notebook and Compute Instances
The speaker starts by setting up a notebook and loading files in Azure ml. They explain the process of selecting compute instances for running notebooks and the different types of compute options available.
Creating and Configuring Notebook Instances
The speaker creates a new notebook instance and discusses the settings for the notebook, focusing on cost optimization for running cognitive services.
Configuring Cognitive Services
The speaker demonstrates how to configure cognitive services in the notebook environment, including setting up cognitive keys and endpoints for accessing the services.
Setting Up Custom Vision
The speaker walks through the process of setting up Custom Vision in Azure, creating projects, adding tags, uploading images, training models, and testing the classification capabilities.
Object Detection with Custom Vision
The speaker explores object detection using Custom Vision, creating projects, adding tags for objects, uploading and labeling images, training models, and testing the detection accuracy.
Face Detection Using Computer Vision
The speaker demonstrates face detection using Computer Vision API, identifying faces in images, drawing bounding boxes, and extracting attributes like age and gender from the detected faces.
Exploring Form Recognizer
The speaker introduces Form Recognizer in Azure AI, showing how to use the API to analyze receipts, extract predefined fields, and understand the recognized form data.
Service Overview and Pricing
Exploring a service with OCR capabilities, using computer vision tasks, and trying different services like total due to better OCR results.
OCR Capabilities with Computer Vision
Running OCR tasks with different images to extract printed text and understanding the functionalities of OCR for various types of images.
Usage of Read API for OCR
Demonstrating the use of the Read API for OCR on larger amounts of text and analyzing text asynchronously.
Handwritten Note OCR
Analyzing a handwritten note using OCR and evaluating the accuracy of text extraction from the handwritten content.
Text Analysis Service
Utilizing Azure Cognitive Services for text analytics to determine sentiment from movie reviews and extracting key phrases from the text.
Sentiment Analysis from Reviews
Analyzing movie reviews to understand sentiment and evaluating the sentiments expressed by users towards a particular movie.
Text Analysis Insights
Identifying key phrases and sentiments from movie reviews using text analysis service to understand user opinions about a movie.
Q&A Maker Service
Exploring the Q&A Maker service for creating conversational bots without the need for coding and integrating the bot through various channels like Microsoft Teams.
Bot Creation and Testing
Setting up a bot using Q&A Maker service, integrating the bot with channels like Microsoft Teams, and testing the bot for different queries and responses.
Creation of Cognitive Bot
Creating a bot using Azure Bot Services to interact with Q&A Maker service and integrating the bot into various platforms for efficient communication.
Utilization of Luis Service
Discovering and setting up the Luis (Language Understanding) service for understanding and making predictions based on natural language input.
Model Training with Luis
Training a machine learning model with Luis service to predict the intent of user queries and analyzing the results for effective communication purposes.
Exploration of Automated ML
Exploring Automated ML for building machine learning pipelines without extensive coding and utilizing open datasets for model training and prediction.
Decision Time on Compute Resource
The speaker deliberates on whether to stick with dedicated compute nodes for the time being or opt for a more powerful CPU. The cost implications and processing times are considered to make an informed decision.
Choosing Compute Resource Based on Dataset Characteristics
The speaker evaluates different compute resource options based on the dataset size, statistical nature of the task, and available RAM, highlighting the considerations for efficient processing.
Configuration and Deployment Decisions
The speaker discusses configuration choices such as node count and storage allocation for efficient processing. The deployment process and considerations based on the computational requirements are explored.
Automated Feature Selection and Model Setup
The speaker explains the automated feature selection process, training time configuration, and algorithm choices for the ML model setup. Primary metric selection and data guardrails are also discussed.
Model Training and Algorithm Interpretation
The speaker discusses the training process duration, model selection from multiple algorithms, and considerations for regression and classification tasks. The importance of primary metrics in model evaluation is highlighted.
Insights from Model Performance Analysis
The speaker explores the model performance analysis, feature importance evaluation, and data transformation techniques for understanding the model's behavior and performance metrics.
Deployment Process and Data Guardrails
The speaker navigates through the deployment process, data guardrails for featurization, and considerations for deploying the ML model for real-time or batch processing.
Exploration of Automated Machine Learning (AutoML)
The speaker provides insights into running an AutoML job, evaluating different models, interpreting ensemble models, and understanding model selection criteria based on metric evaluation.
Visual Designer Exploration for Customization
The speaker explores the Visual Designer tool for custom ML model building, focusing on binary classification, preprocessing steps, and model customization using Python scripts for cost-sensitive predictions.
End-to-End Training and Deployment Workflow
The speaker guides through an end-to-end ML model training and deployment workflow using Azure Machine Learning Service via notebook. Steps include workspace setup, experiment creation, compute resource selection, and model training with the mnist dataset.
Setting up Training and Testing Data
The process of setting up training and testing data is explained using loaddata for X train and X test, followed by a random split for training and testing data.
Creating a Training File
The creation of a directory for training files, writing to a training file, and understanding the parameters for training files in frameworks like AWS and Sagemaker.
Training and Testing Data Analysis
Analyzing training and testing data for logistic regression, using multiclass models, performing training, making predictions on the test set, and evaluating accuracy as a metric.
Output and Model Saving
Saving the model outputs and weights of the neural network, using a plk file, and discussing the usage of frameworks like Tensorflow serving for saving models.
Preparing and Running the Job
Understanding the job preparation stages, including creating Docker images, storing images in Azure container registry, and monitoring the image creation process.
Monitoring Job Progress
Monitoring the progress of the job using logs, Docker image creation, and scaling up resources if necessary for execution on a remote cluster.
Completion of Job and Cleanup
Checking for job completion, handling verbose logs, and registering the model in the workspace. Additionally, discussing data labeling tasks and the export of labeled datasets.
FAQ
Q: What is the purpose of the Azure AI Fundamentals certification?
A: The Azure AI Fundamentals certification provides an overview of key concepts in AI, relevant for roles in AI engineering and data science.
Q: What are some of the key concepts covered in the AI-900 certification course?
A: The AI-900 certification covers topics such as machine learning, neural networks, deep learning, computer vision, natural language processing, conversational AI, and responsible AI practices.
Q: How does machine learning play a role in anomaly detection?
A: Machine learning is utilized for efficient anomaly detection, particularly with services like Azure Anomaly Detector, to identify outliers and suspicious patterns within datasets.
Q: What are some of the key tasks performed by computer vision using machine learning?
A: Computer vision tasks include image classification, object detection, semantic segmentation, image analysis, optical character recognition, and facial detection, among others.
Q: How does NLP contribute to the field of AI?
A: Natural Language Processing (NLP) enables machines to understand and interpret human language for various applications like sentiment analysis, speech synthesis, real-time translation, and chatbot interactions.
Q: How does Azure promote responsible AI practices?
A: Microsoft promotes responsible AI practices through principles such as fairness, reliability, safety, security, privacy, inclusiveness, transparency, and accountability to ensure ethical and transparent AI technology usage.
Q: What are some of the key services offered by Azure Cognitive Services?
A: Azure Cognitive Services offer AI services and APIs for decision-making, knowledge mining, content research, customer support, and digital assessment management, including services like Azure Face, Speech, Translate, and Text Analytics.
Q: What is Form Recognizer in Azure AI used for?
A: Form Recognizer in Azure AI is a specialized OCR service that translates printed text into digital content, automates data entry, enriches document search capabilities, and it has pre-built models for invoices, receipts, IDs, and business cards.
Q: What is the role of Q&A Maker in AI services?
A: Q&A Maker is a cloud-based NLP service that creates conversational layers over data, manages bot conversations, integrates with various channels, and allows for the creation of conversational bots without coding.
Q: How does Automated ML simplify the process of building ML models?
A: Automated ML enables building ML pipelines without extensive coding, utilizing open datasets for training and prediction tasks, and automatically selecting algorithms and features for model setup.
Get your own AI Agent Today
Thousands of businesses worldwide are using Chaindesk Generative
              AI platform.
Don't get left behind - start building your
              own custom AI chatbot now!
