Microsoft Azure AI Fundamentals Practice Test (AI-900)
Use the form below to configure your Microsoft Azure AI Fundamentals Practice Test (AI-900). The practice test can be configured to only include certain exam objectives and domains. You can choose between 5-100 questions and set a time limit.

Microsoft Azure AI Fundamentals AI-900 Information
The Microsoft Certified: Azure AI Fundamentals (AI-900) exam is an entry-level certification designed for individuals seeking foundational knowledge of artificial intelligence (AI) and machine learning (ML) concepts and their applications within the Microsoft Azure platform. The AI-900 exam covers essential AI workloads such as anomaly detection, computer vision, and natural language processing, and it emphasizes responsible AI principles, including fairness, transparency, and accountability. While no deep technical background is required, a basic familiarity with technology and Azure’s services can be helpful, making this certification accessible to a wide audience, from business decision-makers to early-career technologists.
The exam covers several major domains, starting with AI workloads and considerations, which introduces candidates to various types of AI solutions and ethical principles. Next, it delves into machine learning fundamentals, explaining core concepts like data features, model training, and types of machine learning such as classification and clustering. The exam also emphasizes specific Azure tools for implementing AI solutions, such as Azure Machine Learning Studio for visual model-building, the Computer Vision service for image analysis, and Azure Bot Service for conversational AI. Additionally, candidates learn how natural language processing (NLP) tasks, including sentiment analysis, translation, and speech recognition, are managed within Azure’s language and speech services.
Achieving the AI-900 certification demonstrates a solid understanding of AI and ML basics and prepares candidates for more advanced Azure certifications in data science or AI engineering. It’s an excellent credential for those exploring how AI solutions can be effectively used within the Azure ecosystem, whether to aid business decision-making or to set a foundation for future roles in AI and data analytics.
Scroll down to see your responses and detailed results
Free Microsoft Azure AI Fundamentals AI-900 Practice Test
Press start when you are ready, or press Change to modify any settings for the practice test.
- Questions: 15
- Time: Unlimited
- Included Topics:Describe Artificial Intelligence Workloads and ConsiderationsDescribe Fundamental Principles of Machine Learning on AzureDescribe Features of Computer Vision Workloads on AzureDescribe Features of Natural Language Processing (NLP) Workloads on AzureDescribe features of generative AI workloads on Azure
Which feature in Azure Machine Learning helps you find the optimal model for your data by systematically testing various algorithms and hyperparameter combinations?
Azure Notebooks
Automated Machine Learning
Azure Machine Learning Interpretability
Azure Machine Learning Designer
Answer Description
Automated Machine Learning simplifies the model development process by systematically testing multiple algorithms and hyperparameter settings to identify the best-performing model for a given dataset. It automates the time-consuming process of model selection and tuning, allowing users to focus on other tasks.
Azure Machine Learning Designer provides a visual interface to build machine learning pipelines but does not automate the selection and tuning of models.
Azure Notebooks is a cloud-based Jupyter Notebook service for writing and running code, without built-in capabilities for automated model selection.
Azure Machine Learning Interpretability offers tools to explain and interpret machine learning models but does not assist in finding the optimal model through systematic testing.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What is Automated Machine Learning (AutoML)?
What are hyperparameters in machine learning?
How does Azure Machine Learning Designer differ from Automated Machine Learning?
An online retailer wants to implement an AI solution that can draft personalized product descriptions based on minimal input.
Which Azure OpenAI Service capability should they employ?
Advanced language models for text creation
Code completion features
Pre-trained image generation models
Sentiment analysis tools
Answer Description
Advanced language models for text creation - This is the correct answer. Azure OpenAI Service offers advanced language models like GPT, which are ideal for generating personalized product descriptions based on minimal input, making it the best choice for this task.
Pre-trained image generation models - This capability is used to generate images from text descriptions, but it is not suitable for drafting personalized product descriptions.
Code completion features - This feature helps with generating code snippets and automating programming tasks, but it is not designed for creating product descriptions from text inputs.
Sentiment analysis tools - Sentiment analysis is used to assess the emotional tone of text, but it does not generate text or product descriptions.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What are advanced language models in Azure OpenAI Service?
How does AI generate personalized product descriptions?
What other use cases do advanced language models support besides product descriptions?
An e-commerce company wants to develop a system that can automatically analyze customer reviews to determine the overall sentiment (positive, negative, or neutral) towards their products.
Which type of AI workload should they use?
Natural Language Processing (NLP)
Time Series Forecasting
Computer Vision
Predictive Maintenance
Answer Description
Natural Language Processing (NLP) is used to analyze and understand human language in text or speech form. Since the company wants to analyze textual customer reviews to determine sentiment, NLP techniques are appropriate for this task. Computer Vision focuses on visual data like images and videos, which doesn't apply to text reviews. Predictive Maintenance and Time Series Forecasting involve predicting equipment failures and future values based on time-series data, respectively, neither of which relate to analyzing text reviews for sentiment.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What does Natural Language Processing (NLP) encompass?
How does sentiment analysis work in NLP?
What are the differences between NLP and other AI workloads like Computer Vision?
An engineer is building a machine learning model and splits the available data into training and validation datasets.
What is the main purpose of the validation dataset in this scenario?
To train the model by fitting its parameters to this data
To test the model's performance after training is complete
To provide additional features for the model
To evaluate the model during training and adjust hyperparameters
Answer Description
To evaluate the model during training and adjust hyperparameters - This is the correct answer. The validation dataset is used to evaluate the model's performance during training and help adjust hyperparameters for example learning rate and regularization. The goal is to ensure the model generalizes well to unseen data and to fine-tune the model's configuration.
To train the model by fitting its parameters to this data - This is the purpose of the training dataset, not the validation dataset. The training data is used to fit the model's parameters and allow the model to learn.
To test the model's performance after training is complete - This describes the function of the test dataset, which is used to evaluate the model's final performance after training and validation. The test data is not used during the training or hyperparameter tuning process.
To provide additional features for the model - The validation dataset does not provide additional features. It is a subset of the data that helps evaluate the model during training, but it doesn't directly affect the feature selection or engineering.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What are hyperparameters in machine learning?
How do training and validation datasets differ?
What does it mean for a model to generalize well?
As a data scientist at a financial institution, you are tasked with estimating the future value of investments using historical performance data, market trends, and economic indicators.
Which type of machine learning technique should you apply?
Regression
Classification
Clustering
Association Rule Learning
Answer Description
Regression - This is the correct answer. Regression is the most suitable technique for estimating the future value of investments based on historical data, market trends, and economic indicators. Regression models are used to predict continuous numerical values, making them ideal for tasks like forecasting future investment values.
Classification is used for categorizing data into predefined labels or classes (e.g., spam vs. non-spam), not for predicting continuous values like the future value of investments.
Clustering is an unsupervised learning technique used to group similar data points, but it is not suited for predicting numerical outcomes such as investment values.
Association Rule Learning is used for discovering interesting relationships or patterns in data (e.g., in market basket analysis) but is not appropriate for predicting continuous variables like investment values.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What is regression in machine learning?
How does regression differ from classification?
What are some common algorithms used in regression?
A developer wants to extract insights from images by analyzing visual content for their application.
Which Azure service is designed for this task?
Azure AI Vision Service
Azure AI Personalizer Service
Azure AI Language Service
Azure AI Anomaly Detector Service
Answer Description
The Azure AI Vision Service provides capabilities to analyze visual content in images, including object detection, image classification, and optical character recognition (OCR). It is specifically designed for processing and extracting information from images, which aligns with the developer's requirements.
The Azure AI Language Service focuses on natural language processing tasks on text data, not images.
The Azure AI Anomaly Detector Service identifies anomalies in time-series data.
The Azure AI Personalizer Service is used for creating personalized user experiences.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What are the key features of the Azure AI Vision Service?
How does OCR work in the Azure AI Vision Service?
What distinguishes the Azure AI Vision Service from other Azure AI services?
A company needs to analyze customer feedback to understand the emotions expressed in texts and identify key topics mentioned.
Which Azure service can help them achieve this?
Azure AI Language service
Azure Bot Service
Azure Cognitive Search
Azure AI Speech service
Answer Description
Azure AI Language service offers natural language processing capabilities like sentiment analysis to determine the emotions in text and key phrase extraction to identify important topics mentioned. These features help companies analyze customer feedback effectively.
Azure Cognitive Search is used for indexing and searching content.
Azure AI Speech service focuses on processing spoken language.
Azure Bot Service is designed for building conversational bots.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What is sentiment analysis?
Can you explain key phrase extraction?
How does the Azure AI Language service compare to other Azure services?
In machine learning, which type of model learns the entire data distribution to create new examples that resemble the training data?
Clustering model
Generative model
Reinforcement learning model
Discriminative model
Answer Description
Generative models learn the entire data distribution, allowing them to create new data instances similar to those in the training set.
Discriminative models focus on modeling the decision boundary between classes for tasks like classification but do not generate new data.
Reinforcement learning models learn optimal actions based on rewards but are not designed to model data distributions or generate new examples.
Clustering models group similar data points but do not create new data instances.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What are generative models used for in machine learning?
What is the difference between generative and discriminative models?
Can you explain more about how generative models create new examples?
An Azure data scientist wants to build and deploy a machine learning model without extensive coding or manual model selection.
Which Azure Machine Learning capability should they use?
Azure Databricks
Azure Synapse Analytics
Azure Machine Learning Designer
Automated Machine Learning
Answer Description
Automated Machine Learning enables data scientists to automatically train and tune models by selecting the best algorithms and hyperparameters for a given dataset.
Azure Machine Learning Designer provides a visual interface for building models, it still requires manual selection of algorithms and setup.
Azure Databricks and Azure Synapse Analytics are comprehensive data processing platforms but do not specialize in automated model training and selection.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What exactly is Automated Machine Learning (AutoML)?
How does the model selection process work in Automated Machine Learning?
What are the benefits of using Automated Machine Learning?
You are tasked with building a machine learning model, but you have limited time and expertise in selecting the best algorithm and tuning hyperparameters.
Which Azure Machine Learning feature should you use to address this challenge?
Azure Machine Learning Studio Notebooks
Azure Automated Machine Learning
Azure Machine Learning Designer
Azure Cognitive Services
Answer Description
Azure Automated Machine Learning is designed to automate the process of selecting the most appropriate algorithms and tuning hyperparameters for your dataset and problem type. It iteratively trains models with different algorithms and parameters to find the best performing model.
Azure Machine Learning Designer provides a drag-and-drop interface for building models but requires you to select algorithms and parameters manually.
Azure Machine Learning Studio Notebooks offer a coding environment for custom model development, which may not save time for those with limited expertise.
Azure Cognitive Services provide pre-built AI services but are not used for custom model training.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What is Azure Automated Machine Learning and how does it work?
What are hyperparameters in machine learning?
How does Azure Machine Learning Designer differ from Azure Automated Machine Learning?
A company needs a service that can analyze images to identify different items present, as well as extract any textual content from the images.
Which Azure service should they choose?
Azure AI Vision service
Azure Form Recognizer
Azure Speech to Text service
Azure AI Face Detection service
Answer Description
The Azure AI Vision service provides extensive image analysis capabilities, including identifying objects within images and extracting text through optical character recognition (OCR).
Azure AI Face Detection service is specialized for detecting and analyzing human faces, but doesn't support general object identification or text extraction.
Azure Form Recognizer is designed to extract structured data from forms and documents but is less suitable for general image analysis tasks.
Azure Speech to Text service is used for converting spoken language into text and does not process images.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What specific features does the Azure AI Vision service offer for image analysis?
How does the optical character recognition (OCR) feature work in Azure AI Vision?
What are some use cases for the Azure AI Vision service in business environments?
Which statement describes a feature of generative AI models?
They generate new data similar to the data they were trained on
They compress data to reduce storage requirements
They analyze data without generating output
They classify input data into predefined categories
Answer Description
Generative AI models are designed to create new data that is similar to the data they were trained on. They learn the underlying patterns and structures in the training data to produce original outputs.
Unlike models that classify or compress data, generative models focus on data creation rather than just analysis or reduction.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What are some common examples of generative AI applications?
How do generative AI models learn from training data?
What is the difference between generative AI and discriminative AI models?
A company wants to implement an AI system that can automatically extract key information such as dates, names, and locations from large volumes of unstructured text documents.
Which type of AI workload would best accomplish this task?
Predictive analytics
Anomaly detection
Computer vision
Natural language processing
Answer Description
Natural language processing is used to analyze and understand human language in text form. It enables the extraction of meaningful information from unstructured text data, such as identifying entities like dates, names, and locations. This is a process known as entity recognition.
Computer vision is related to image and video analysis.
Predictive analytics involves forecasting future trends from data.
Anomaly detection focuses on identifying outliers or unusual patterns in datasets.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What specific tasks can natural language processing perform beyond entity recognition?
How does natural language processing differ from machine learning?
Can you provide examples of common applications that utilize natural language processing?
An analyst at a telecommunications company wants to forecast the number of customer service calls expected next month based on data from previous months.
Which machine learning technique is most suitable for this task?
Regression
Clustering
Classification
Answer Description
Regression is the appropriate technique for predicting continuous numerical values, such as the number of customer service calls. It models the relationship between dependent and independent variables to forecast future values.
Classification is used for predicting categorical outcomes
Clustering groups data points based on similarity without prior labels.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What is regression in machine learning?
How does regression differ from classification?
What is clustering in machine learning?
A company needs to automatically assign a single label to each image in a large dataset based on the main object present in the image.
Which type of computer vision solution is most appropriate for this task?
Image Classification
Optical Character Recognition (OCR)
Object Detection
Facial Detection
Answer Description
Image Classification - This is the correct answer. Image classification is the most appropriate solution for assigning a single label to each image based on the main object or feature present in the image. It categorizes the entire image into predefined classes for example "dog," "car," "cat" without identifying specific objects' locations within the image.
Object Detection - Object detection is used for identifying and locating multiple objects within an image, often with bounding boxes. While it can classify objects, its primary focus is on locating objects, making it more complex than image classification for this task.
Optical Character Recognition (OCR) - OCR is specifically used for extracting text from images or documents, not for classifying images based on their content.
Facial Detection - Facial detection focuses on detecting human faces within images. It is not used for general image classification based on the main object in the image.
Ask Bash
Bash is our AI bot, trained to help you pass your exam. AI Generated Content may display inaccurate information, always double-check anything important.
What is image classification in computer vision?
How does object detection differ from image classification?
What types of tasks are suitable for Optical Character Recognition (OCR)?
Gnarly!
Looks like that's it! You can go back and review your answers or click the button below to grade your test.