AI-900 Exam Notes

Download as pdf or txt
Download as pdf or txt
You are on page 1of 44
At a glance
Powered by AI
The document discusses various machine learning models and their applications including linear regression, logistic regression, clustering, and classification.

Multiple linear regression models a relationship between two or more features and a single label, which matches the scenario in this item.

Classification is used to predict categories of data. It can predict which category or class an item of data belongs to. In this example, sentiment analysis can be carried out on the Twitter posts with a numeric value applied to the posts to identify and classify positive or negative sentiment.

You need to iden fy numerical values that represent the probability of humans developing diabetes

based on age and body fat percentage.


Which type of machine learning model should you use?

linear regression
multiple linear regression
logistic regression
hierarchical clustering

Mul ple linear regression models a rela onship between two or more features and a single label, which
matches the scenario in this item. Linear regression uses a single feature. Logis c regression is a type of
classifica on model, which returns either a Boolean value or a categorical decision. Hierarchical
clustering groups data points that have similar characteris cs.
Use Automated Machine Learning in Azure Machine Learning - Training | Microso Learn
What are classifica on models? - Training | Microso Learn

A company deploys an online marke ng campaign to social media pla orms for a new product launch.
The company wants to use machine learning to measure the sen ment of users on the Twi er pla orm
who made posts in response to the campaign.

Which type of machine learning is this?

clustering

classifica on

regression

data transforma on

Classifica on is used to predict categories of data. It can predict which category or class an item of data
belongs to. In this example, sen ment analysis can be carried out on the Twi er posts with a numeric
value applied to the posts to iden fy and classify posi ve or nega ve sen ment. Clustering is a machine
learning type that analyzes unlabeled data to find similari es in the data. Regression is a machine
learning scenario that is used to predict numeric values. Data transforma on is not a machine learning
type.

Create a classifica on model with Azure Machine Learning designer - Training | Microso Learn
A healthcare organiza on has a dataset consis ng of bone fracture scans that are categorized by using
predefined fracture types. The organiza on wants to use machine learning to detect the different types
of bone fractures for new scans before the scans are sent to a medical prac oner.

Which type of machine learning is this?

classification
featurization
regression
clustering
Classifica on is used to predict categories of data. It can predict which category or class an item of data
belongs to. In this example, a machine learning model trained by using classifica on with labeled data
can be used to determine the type of bone fracture in a new scan that is not labeled already.
Featuriza on is not a machine learning type. Regression is used to predict numeric values. Clustering
analyzes unlabeled data to find similari es in the data.

Create a classifica on model with Azure Machine Learning designer - Training | Microso Learn

An electricity u lity company wants to develop a mobile app for its customers to monitor their energy
use and to display their predicted energy use for the next 12 months. The company wants to use
machine learning to provide a reasonably accurate predic on of future energy use by using the
customers’ previous energy-use data.

Which type of machine learning is this?

classifica on

clustering

mul class classifica on

regression

Regression is a machine learning scenario that is used to predict numeric values. In this example,
regression will be able to predict future energy consump on based on analyzing historical me-series
energy data based on factors, such as seasonal weather and holiday periods. Mul class classifica on is
used to predict categories of data. Clustering analyzes unlabeled data to find similari es present in the
data. Classifica on is used to predict categories of data.

Create a regression model with Azure Machine Learning designer - Training | Microso Learn
You plan to use machine learning to predict the probability of humans developing diabetes based on
their age and body fat percentage.

What should the model include?

two features and one label

two labels and one feature

three labels

three features

The scenario represents a model that is meant to establish a rela onship between two features (age and
body fat percentage) and one label (the likelihood of developing diabetes). The features are descrip ve
a ributes (serving as the input), while the label is the characteris c you are trying to predict (serving as
the output).

Mul ple linear regression and R-squared - Training | Microso Learn

In a regression machine learning algorithm, how are features and labels handled in a valida on dataset?

Features are used to generate predic ons for the label, which is compared to the actual label values.

The label is used to generate predic ons for features, which are compared to the actual feature
values.

Features are compared to the feature values in a training dataset.

Labels are compared to the label values in a training dataset.

In a regression machine learning algorithm, features are used to generate predic ons for the label, which
is compared to the actual label value. There is no direct comparison of features or labels between the
valida on and training datasets.

What is regression? - Training | Microso Learn

Which assump on of the mul ple linear regression model should be sa sfied to avoid misleading
predic ons?

Features are independent of each other.

Features are dependent on each other.


Labels are independent of each other.

Labels are dependent on each other.

Mul ple linear regression models the rela onship between several features and a single label. The
features must be independent of each other, otherwise, the model's predic ons will be misleading.

Mul ple linear regression and R-squared - Training | Microso Learn

In a regression machine learning algorithm, what are the characteris cs of features and labels in a
valida on dataset?

known feature and label values

known feature values and unknown label values

unknown feature values and known label values

unknown feature and label values

In a regression machine learning algorithm, a valida on set contains known feature and label values.

What is regression? - Training | Microso Learn

In a regression machine learning algorithm, what are the characteristics of features and
labels in a training dataset?

Select only one answer.


known feature and label values
known feature values and unknown label values
unknown feature values and known label values
unknown feature and label values

In a regression machine learning algorithm, a training set contains known feature and label
values.
What is regression? - Training | Microsoft Learn

Which artificial intelligence (AI) technique serves as the foundation for modern image
classification solutions?
Select only one answer.
deep learning
anomaly detection
linear regression
multiple linear regression

Modern image classification solutions are based on deep learning techniques. Anomaly detection
analyzes data collected over time to identify errors or unusual changes. Both linear regression
and multiple linear regression use training and validating predictions to predict numeric values,
so they are not part of image classification solutions.
Understand classification - Training | Microsoft Learn

Which artificial intelligence (AI) technique should be used to extract the name of a store
from a photograph displaying the store front?

Select only one answer.


image classification
semantic segmentation
natural language processing (NLP)
optical character recognition (OCR)

OCR provides the ability to detect and read text in images. NLP is an area of AI that deals with
identifying the meaning of a written or spoken language, but not detecting or reading text in
images. Image classification classifies images based on their contents. Semantic segmentation
provides the ability to classify individual pixels in an image.
Understand computer vision - Training | Microsoft Learn

Which computer vision solution provides the ability to identify a person's age based on
a photograph?

Select only one answer.


facial detection
image classification
object detection
semantic segmentation
Facial detection provides the ability to detect and analyze human faces in an image, including
identifying a person's age based on a photograph. Image classification classifies images based on
their contents. Object detection provides the ability to generate bounding boxes identifying the
locations of different types of vehicles in an image. Semantic segmentation provides the ability
to classify individual pixels in an image.
Get started with image analysis on Azure - Training | Microsoft Learn
Understand computer vision - Training | Microsoft Learn

Which two specialized domain models are supported by computer vision when
categorizing an image? Each correct answer presents a complete solution.

Select all answers that apply.


celebrities
landmarks
people_
people_groups
image types

When categorizing an image, the computer vision service supports two specialized domain
models: celebrities and landmarks. Image types is an additional capability of the computer vision
service, allowing it to detect the type of image, such as a clip art image or a line drawing. Both
people_ and people_groups are supported categories when performing image classification.
Get started with image analysis on Azure - Training | Microsoft Learn

Which computer vision service provides bounding coordinates as part of its output?

Select only one answer.


object detection
semantic segmentation
image classification
image analysis

Object detection provides the ability to generate bounding boxes that identify the locations of
different types of objects in an image, including the bounding box coordinates, designating the
location of the object in the image. Semantic segmentation provides the ability to classify
individual pixels in an image. Image classification classifies images based on their contents.
Image analysis extracts information from the image to label it with tags or captions.
Get started with image analysis on Azure - Training | Microsoft Learn
Understand computer vision - Training | Microsoft Learn
Which process allows you to use optical character recognition (OCR)?

Select only one answer.


identifying wildlife in an image
digitizing medical records
identifying access control for a laptop
translating speech to text
OCR can extract printed or handwritten text from images. In this case, it can be used to extract
text from scanned medical records to produce a digital archive from paper-based documents.
Identifying wildlife in an image is an example of a computer vision solution that uses object
detection and is not suitable for OCR. Identifying a user requesting access to a laptop is done by
taking images from the laptop’s webcam and using facial detection and recognition to identify
the user requesting access. Translating speech to text is an example of using speech translation
and uses the Speech service as part of Azure Cognitive Services.
Read text with the Computer Vision service - Training | Microsoft Learn

What allows you to identify different vehicle types in traffic monitoring images?

Select only one answer.


linear regression
image classification
object detection
optical character recognition (OCR)

Object detection can be used to evaluate traffic monitoring images to quickly classify specific
vehicle types, such as car, bus, or cyclist. Linear regression is a machine learning training
algorithm for training regression models. Image classification is part of computer vision that is
concerned with the primary contents of an image. OCR is used to extract text and handwriting
from images.
Detect objects in images with the Custom Vision service - Training | Microsoft Learn

Which additional piece of information is included with each phrase returned by an


image description task of the computer vision service?

Select only one answer.


confidence score
endpoint
key
bounding box coordinates

Each phrase returned by an image description task of the computer vision service includes the
confidence score. An endpoint and a key must be provided to access the computer vision service.
Bounding box coordinates are returned by services such as object detection, but not image
description.
Get started with image analysis on Azure - Training | Microsoft Learn

Which two prebuilt models allow you to use the Form Recognizer service to scan
information from international passports and sales accounts? Each correct answer
presents part of the solution.

Select all answers that apply.


business card model
invoice model
receipt model
ID document model
language model

The invoice model extracts key information from sales invoices and is suitable for extracting
information from sales account documents. The ID document model is optimized to analyze and
extract key information from US driver’s licenses and international passport biographical pages.
The business card model, receipt model, and language model are not suitable to extract
information from passports or sales account documents.
Analyze receipts with the Form Recognizer service - Training | Microsoft Learn
Document processing models - Form Recognizer - Azure Applied AI Services | Microsoft Learn

When using the Face Detect API of the Face service, which feature helps identify
whether a human face has glasses or headwear?

Select only one answer.


face rectangle
face ID
face attributes
face landmarks
Face attributes are a set of features that can be detected by the Face Detect API. Attributes such
as accessories (glasses, mask, headwear etc.) can be detected. Face rectangle, face ID, and face
landmarks do not allow you to determine whether a person is wearing glasses or headwear.
What is the Azure Face service? - Azure Cognitive Services | Microsoft Learn
Detect and analyze faces with the Face service - Training | Microsoft Learn

Which type of artificial intelligence (AI) workload relies on sensors to proactively detect
an impending failure of electronic equipment?

Select only one answer.


anomaly detection
computer vision
knowledge mining
conversational AI

Anomaly detection analyzes data collected over time to identify errors or unusual changes. This
allows for predicting impending failures. Other answer choices represent AI capabilities
unrelated to the detecting impending failures.
Introduction to AI - Training | Microsoft Learn
Understand anomaly detection - Training | Microsoft Learn

Which type of artificial intelligence (AI) workload provides the ability to classify
individual pixels in an image depending on the object that they represent?

Select only one answer.


image classification
image analysis
object detection
semantic segmentation

Semantic segmentation provides the ability to classify individual pixels in an image depending
on the object that they represent. The other answer choices also process images, but their
outcomes are different.
Understand computer vision - Training | Microsoft Learn

Which type of artificial intelligence (AI) workload has the primary purpose of making
large amounts of data searchable?
Select only one answer.
knowledge mining
semantic segmentation
object detection
anomaly detection

Knowledge mining is an artificial intelligence (AI) workload that has the purpose of making
large amounts of data searchable. While other workloads leverage indexing for faster access to
large amounts of data, this is not their primary purpose.
Understand knowledge mining - Training | Microsoft Learn

Which artificial intelligence (AI) workload scenario is an example of anomaly detection?

Select only one answer.


monitoring traffic to identify types of vehicles
monitoring the flow speed and low/high points of river water levels
using a chatbot to provide an FAQ service for customer questions
using a search solution to search and extract information from a range of data
sources

Anomaly detection can be used to detect unusual fluctuations in river water flows and levels
through time-series sensor data. Monitoring traffic to identify vehicle types is a computer vision
workload that can classify images based on their contents. A chatbot is a natural language
processing (NLP) workload. Using a search solution to extract information from a range of
sources is a knowledge mining workload.
Introduction to Anomaly Detector - Training | Microsoft Learn

Which artificial intelligence (AI) workload scenario is an example of natural language


processing (NLP)?

Select only one answer.


predicting whether customers are likely to buy a product based on previous
purchases
monitoring for sudden increases in quantity of failed sign-in attempts
identifying objects in landscape images
extracting key phrases from a business insights report
Extracting key phrases from text to identify the main terms is an NLP workload. Predicting
whether customers are likely to buy a product based on previous purchases requires the
development of a machine learning model. Monitoring for sudden increases in quantity of failed
sign-in attempts is an anomaly detection workload. Identifying objects in landscape images is a
computer vision workload.
Analyze text with the Language service - Training | Microsoft Learn

Which principle of responsible artificial intelligence (AI) has the objective of ensuring
that AI solutions benefit all parts of society regardless of gender or ethnicity?

Select only one answer.


privacy and security
reliability and safety
inclusiveness
accountability

The inclusiveness principle is meant to ensure that AI solutions empower and engage everyone,
regardless of criteria such as physical ability, gender, sexual orientation, or ethnicity. Privacy and
security, reliability and safety, and accountability do not discriminate based on these criteria, but
also do not emphasize the significance of bringing benefits to all parts of the society.
Understand Responsible AI - Training | Microsoft Learn

Which principle of responsible artificial intelligence (AI) involves evaluating and


mitigating the bias introduced by the features of a model?

Select only one answer.


accountability
fairness
privacy
transparency

Fairness involves evaluating and mitigating the bias introduced by the features of a model.
Privacy is meant to ensure that privacy provisions are included in AI solutions. Transparency
provides clarity regarding the purpose of AI solutions, the way they work, as well as their
limitations. Accountability is focused on ensuring that AI solutions meet ethical and legal
standards that are clearly defined.
Understand Responsible AI - Training | Microsoft Learn
Which principle of responsible artificial intelligence (AI) plays the primary role when
implementing an AI solution that meet qualifications for business loan approvals?

Select only one answer.


accountability
fairness
inclusiveness
safety

Fairness is meant to ensure that AI models do not unintentionally incorporate a bias based on
criteria such as gender or ethnicity. Transparency does not apply in this case since banks
commonly use their proprietary models when processing loan approvals. Inclusiveness is also
out of scope since not everyone is qualified for a loan. Safety is not a primary consideration since
there is no direct threat to human life or health in this case.
Understand Responsible AI - Training | Microsoft Learn

A bank is developing a new artificial intelligence (AI) system to support the process of
accepting or rejecting mortgage applications.

Which two issues should be considered as part of the responsible AI principle of fairness
to avoid biased decision making? Each correct answer presents part of the solution.

Select all answers that apply.


current salary
ethnicity
payment history
gender
credit utilization

The AI system must be designed to ensure that biased decision making is avoided and not based
on factors such as ethnicity and gender. The system will consider salary, payment history, and
credit utilization. These are standard metrics.
Understand Responsible AI - Training | Microsoft Learn

Which two principles of responsible artificial intelligence (AI) are most important when
designing an AI system to manage healthcare data? Each correct answer presents part
of the solution.
Select all answers that apply.
fairness
accountability
inclusiveness
privacy and security

The accountability principle states that AI systems are designed to meet any ethical and legal
standards that are applicable. The system must be designed to ensure that privacy of the
healthcare data is of the highest importance, including anonymizing data where applicable. The
fairness principle is applied to AI systems to ensure that users of the systems are treated fairly.
The inclusiveness principle states that AI systems must empower people in a positive and
engaging way.
Understand Responsible AI - Training | Microsoft Learn

Which principle of responsible artificial intelligence (AI) ensures that an AI system meets
any legal and ethical standards it must abide by?

Select only one answer.


accountability
privacy and security
inclusiveness
fairness

The accountability principle ensures that AI systems are designed to meet any ethical and legal
standards that are applicable. The privacy and security principle states that AI systems must be
designed to protect any personal and/or sensitive data. The inclusiveness principle states that AI
systems must empower people in a positive and engaging way. The fairness principle is applied
to AI system to ensure that users of the systems are treated fairly.
Microsoft Azure AI Fundamentals: Explore computer vision - Training | Microsoft Learn
Understand Responsible AI - Training | Microsoft Learn

Which natural language processing (NLP) technique assigns values to words such as
plant and flower, so that they are considered closer to each other than a word such as
airplane?

Select only one answer.


frequency analysis
N-grams
lemmatization
vectorization

Vectorization captures semantic relationships between words by assigning them to locations in n-


dimensional space. Lemmatization, also known as stemming, normalizes words before counting
them. Frequency analysis counts how often a word appears in a text. N-grams extend frequency
analysis to include multi-term phrases.
Introduction - Training | Microsoft Learn

What is the first step in the statistical analysis of terms in a text in the context of natural
language processing (NLP)?

Select only one answer.


removing stop words
counting the occurrences of each word
creating a vectorized model
encoding words as numeric features

Removing stop words is the first step in the statistical analysis of terms used in a text in the
context of NLP. Counting the occurrences of each word takes place after stop words are
removed. Creating a vectorized model is not part of statistical analysis. It is used to capture the
sematic relationship between words. Encoding words as numeric features is not part of statistical
analysis. It is frequently used in sentiment analysis.
Introduction - Training | Microsoft Learn

Which Azure Cognitive Service for Language feature can be used to analyze online user
reviews to identify whether users view a product positively or negatively?

Select only one answer.


named entity recognition
key phrase extraction
language detection
sentiment analysis

Sentiment analysis provides sentiment labels, such as negative, neutral, and positive, based on a
confidence score from text analysis. This makes it suitable for understanding user sentiment for
product reviews. The named entity recognition, key phrase extraction, and language detection
features cannot perform sentiment analysis for product reviews.
Analyze text with the Language service - Training | Microsoft Learn
What is sentiment analysis and opinion mining in Azure Cognitive Service for Language? -
Azure Cognitive Services | Microsoft Learn

Which two Azure Cognitive Services features can be used to enable both text-to-text
and speech-to-text between multiple languages? Each correct answer presents part of
the solution.

Select all answers that apply.


the Speech service
Conversational Language Understanding
the Translator service
key phrase extraction
language detection

The Speech service can be used to generate spoken audio from a text source for text-to-speech
translation. The Translator service directly supports text-to-text translation in more than 60
languages. Key phrase extraction, Conversational Language Understanding, and language
detection are not used for language translation for text-to-text and speech-to-text translation.
Translate text and speech - Training | Microsoft Learn
Azure Cognitive Services Translator documentation - quickstarts, tutorials, API reference -
Azure Cognitive Services | Microsoft Learn

Which Azure Cognitive Service for Language feature allows you to analyze written
articles to extract information and concepts, such as people and locations, for
classification purposes?

Select only one answer.


key phrase extraction
Content Moderator
Personally Identifiable Information (PII) detection
named entity recognition

Named entity recognition can identify and categorize entities in unstructured text, such as
people, places, organizations, and quantities, and is suitable to support the development of an
article recommendation system. Key phrase extraction, Content Moderator, and the PII feature
are not suited to entity recognition tasks to build a recommender system.
What is the Named Entity Recognition (NER) feature in Azure Cognitive Service for Language?
- Azure Cognitive Services | Microsoft Learn
Analyze text with the Language service - Training | Microsoft Learn

For which two scenarios is the Universal Language Model used by the speech-to-text
API optimized? Each correct answer presents a complete solution.

Select all answers that apply.


acoustic
conversational
dictation
language
pronunciation

The Universal Language Model used by the speech-to-text API is optimized for conversational
and dictation scenarios. The acoustic, language, and pronunciation scenarios require developing
your own model.
Get started with speech on Azure - Training | Microsoft Learn

Which three features are elements of the Language Service? Each correct answer
presents a complete solution.

Select all answers that apply.


anomaly detection
Entity Linking
Personally Identifiable Information (PII) detection
sentiment analysis
Content Moderator

Entity Linking, PII detection, and sentiment analysis are all elements of the Azure Cognitive
Service for Language. Anomaly detection monitors data over time to detect anomalies by using
machine learning. Content Moderator is an Azure Cognitive Services service that is used to
check text, image, and video content for material that is potentially offensive.
What is Azure Cognitive Service for Language - Azure Cognitive Services | Microsoft Learn
Microsoft Azure AI Fundamentals: Explore natural language processing - Training | Microsoft
Learn
Which three features are elements of the Speech service? Each correct answer presents a
complete solution.

Select all answers that apply.


language identification
speaker recognition
text translation
voice assistants
document translation

Language identification, speaker recognition, and voice assistants are all elements of the Speech
service. Text translation and document translation are part of the Translator service.
What is the Speech service? - Azure Cognitive Services | Microsoft Learn
Recognize and synthesize speech - Training | Microsoft Learn

When using the Azure Cognitive Service for Language, what should you use to provide
further information online about entities extracted from a text?

Select only one answer.


key phrase extraction
named entity recognition
Entity Linking
text translation

Entity Linking identifies and disambiguates the identity of entities found in a text. Key phrase
extraction is not used to extract entities and is used instead to extract key phrases to identify the
main concepts in a text. Named entity recognition cannot provide a link for each entity to view
further information. Text translation is part of the Translator service.
What is entity linking in Azure Cognitive Service for Language? - Azure Cognitive Services |
Microsoft Learn
Analyze text with the Language service - Training | Microsoft Learn

Which feature of the Speech service can identify distinct user voices?

Select only one answer.


speech synthesis
speech recognition
speech translation
language identification

Speech recognition uses audio data to analyze speech and determine recognizable patterns that
can be mapped to distinct user voices. Speech synthesis is concerned with vocalizing data,
usually by converting text to speech. Speech translation is concerned with multilanguage
translation of speech. Language identification is used to identify languages spoken in audio when
compared against a list of supported languages.
Speaker recognition overview - Speech service - Azure Cognitive Services | Microsoft Learn
Recognize and synthesize speech - Training | Microsoft Learn

What are the two main schema components of a Language Understanding app model?
Each correct answer presents part of the solution.

Select all answers that apply.


entities
intents
utterances
Entity Linking

The two main schema components of a Language Understanding app model are entities and
intents. Utterances play an important role in training the model, but they are not part of its
schema. Entity Linking is part of the entity recognition service, which returns links to external
websites to disambiguate terms (entities) identified in a text.
Exercise - Explore language understanding - Training | Microsoft Learn

What is used to test a Language Understanding app model?

Select only one answer.


an entity
Entity Linking
an intent
an utterance

Utterances are used to train and test a Language Understanding app model. Entities and intents
are core components of a Language Understanding app model, but they are not used for testing
the model. Entity Linking is part of the entity recognition service, which returns links to external
websites to disambiguate terms (entities) identified in a text.
Exercise - Explore language understanding - Training | Microsoft Learn

What are two main components of a conversational artificial intelligence (AI) solution?
Each correct answer presents part of the solution.

Select all answers that apply.


a bot service
Entity Linking
a knowledge base
key phrase extraction

The two main components of a conversational AI solution are a bot service and a knowledge
base. Entity Linking is part of the entity recognition service, which returns links to external
websites to disambiguate terms (entities) identified in a text. Key phrase extraction evaluates the
text of a document and identifies its main talking points, but it is not one of two main
components of a conversational AI solution.
Introduction - Training | Microsoft Learn

Which tool provides the easiest way to create a knowledge base for Azure Bot Service?

Select only one answer.


the Azure portal
Azure Cloud Shell
the Azure Machine Learning studio
the Language Studio

The Language Studio provides the easiest way to create a knowledge base for Azure Bot Service.
While it is possible to create a knowledge base by using the features of the Machine Learning
studio, this is not the simplest method to accomplish the given objective. The Azure portal and
Azure Cloud Shell allow for creating the Language resource, but will not create a knowledge
base for Azure Bot Service.
Get started with the Language service and Azure Bot Service - Training | Microsoft Learn

Which type of machine learning algorithm groups observations is based on the


similarities of features?

Select only one answer.


clustering
regression
classification
supervised

Clustering algorithms group data points that have similar characteristics. Regression algorithms
are used to predict numeric values. Classification algorithms are used to predict a predefined
category to which an input value belongs. Supervised learning is a category of learning
algorithms that includes regression and classification, but not clustering.
Use Automated Machine Learning in Azure Machine Learning - Training | Microsoft Learn
What are classification models? - Training | Microsoft Learn
What is clustering? - Training | Microsoft Learn

Which type of machine learning algorithm finds the optimal way to split a dataset into
groups without relying on training and validating label predictions?

Select only one answer.


classification
clustering
regression
supervised

A clustering algorithm is an example of unsupervised learning, which groups data points that
have similar characteristics without relying on training and validating label predictions.
Supervised learning is a category of learning algorithms that includes regression and
classification, but not clustering. Classification and regression algorithms are examples of
supervised machine learning.
Use Automated Machine Learning in Azure Machine Learning - Training | Microsoft Learn
What are classification models? - Training | Microsoft Learn
What is clustering? - Training | Microsoft Learn

A company deploys an online marketing campaign to social media platforms for a new
product launch. The company wants to use machine learning to measure the sentiment
of users on the Twitter platform who made posts in response to the campaign.

Which type of machine learning is this?

Select only one answer.


clustering
classification
regression
data transformation

Classification is used to predict categories of data. It can predict which category or class an item
of data belongs to. In this example, sentiment analysis can be carried out on the Twitter posts
with a numeric value applied to the posts to identify and classify positive or negative sentiment.
Clustering is a machine learning type that analyzes unlabeled data to find similarities in the data.
Regression is a machine learning scenario that is used to predict numeric values. Data
transformation is not a machine learning type.
Create a classification model with Azure Machine Learning designer - Training | Microsoft
Learn

You plan to use machine learning to predict the probability of humans developing
diabetes based on their age and body fat percentage.

What should the model include?

Select only one answer.


two features and one label
two labels and one feature
three labels
three features

The scenario represents a model that is meant to establish a relationship between two features
(age and body fat percentage) and one label (the likelihood of developing diabetes). The features
are descriptive attributes (serving as the input), while the label is the characteristic you are trying
to predict (serving as the output).
Multiple linear regression and R-squared - Training | Microsoft Learn

In a regression machine learning algorithm, how are features and labels handled in a
validation dataset?

Select only one answer.


Features are used to generate predictions for the label, which is compared to the
actual label values.
The label is used to generate predictions for features, which are compared to the
actual feature values.
Features are compared to the feature values in a training dataset.
Labels are compared to the label values in a training dataset.

In a regression machine learning algorithm, features are used to generate predictions for the
label, which is compared to the actual label value. There is no direct comparison of features or
labels between the validation and training datasets.
What is regression? - Training | Microsoft Learn

Which assumption of the multiple linear regression model should be satisfied to avoid
misleading predictions?

Select only one answer.


Features are independent of each other.
Features are dependent on each other.
Labels are independent of each other.
Labels are dependent on each other.

Multiple linear regression models the relationship between several features and a single label.
The features must be independent of each other, otherwise, the model's predictions will be
misleading.
Multiple linear regression and R-squared - Training | Microsoft Learn

In a regression machine learning algorithm, what are the characteristics of features and
labels in a validation dataset?

Select only one answer.


known feature and label values
known feature values and unknown label values
unknown feature values and known label values
unknown feature and label values

In a regression machine learning algorithm, a validation set contains known feature and label
values.
What is regression? - Training | Microsoft Learn
A company is using machine learning to predict house prices based on appropriate
house attributes.

For the machine learning model, which attribute is the label?

Select only one answer.


floor space size
price of the house
number of bedrooms
age of the house
The price of the house is the label you are attempting to predict through the machine learning
model. This is typically done by using a regression model. Floor space size, number of
bedrooms, and age of the house are all input variables for the model to help predict the house
price label.
What is machine learning? - Training | Microsoft Learn

What is a validation dataset used for as part of the development of a machine learning
model?

Select only one answer.


cleaning missing data
evaluating the trained model
feature engineering
summarizing the data

The validation dataset is a sample of data held back from a training dataset. It is then used to
evaluate the performance of the trained model. Cleaning missing data is used to detect missing
values and perform operations to fix the data or create new values. Feature engineering is part of
preparing the dataset and related data transformation processes. Summarizing the data is used to
provide summary statistics, such as the mean or count of distinct values in a column.
Create a regression model with Azure Machine Learning designer - Training | Microsoft Learn

What should you do after preparing a dataset and before training the machine learning
model?

Select only one answer.


Normalize the data
summarize the data
clean missing data
split data into training and validation datasets

Splitting data into training and validation datasets leaves you with two datasets, the first and
largest of which is the training dataset you use to train the model. The second, smaller dataset is
the held back data and is called the validation dataset, as it is used to evaluate the trained model.
If normalizing or summarizing the data is required, it will be carried out as part of data
transformation. Cleaning missing data is part of preparing the data and the data transformation
processes.
Create a regression model with Azure Machine Learning designer - Training | Microsoft Learn

Which three supervised machine learning models can you train by using automated
machine learning (automated ML) in the Azure Machine Learning studio? Each correct
answer presents a complete solution.

Select all answers that apply.


inference pipeline
time-series forecasting
regression
clustering
classification

Time-series forecasting, regression, and classification are supervised machine learning models.
Automated ML learning can predict categories or classes by using a classification algorithm, as
well as numeric values as part of the regression algorithm, and at a future point in time by using
time-series data. Inference pipeline is not a machine learning model. Clustering is unsupervised
machine learning and automated ML only works with supervised learning algorithms.
Use Automated Machine Learning in Azure Machine Learning - Training | Microsoft Learn
Use Automated Machine Learning in Azure Machine Learning - Training | Microsoft Learn

Which three data transformation modules are in the Azure Machine Learning designer?
Each correct answer presents a complete solution.

Select all answers that apply.


Normalize Data
train clustering model
Clean Missing Data
Select Columns in Dataset
evaluate model

Normalize Data is a data transformation module that is used to change the values of numeric
columns in a dataset to a common scale, without distorting differences in the range of values.
The Clean Missing Data module is part of preparing the data and data transformation process.
Select Columns in Dataset is a data transformation component that is used to choose a subset of
columns of interest from a dataset. The train clustering model is not a part of data transformation.
The evaluate model is a component used to measure the accuracy of training models.
Create a clustering model with Azure Machine Learning designer - Training | Microsoft Learn

Which machine learning algorithm module in the Azure Machine Learning designer is
used to train a model?

Select only one answer.


linear regression
Clean Missing Data
Select Columns in Dataset
evaluate model

Linear regression is a machine learning algorithm module used for training regression models.
The Clean Missing Data module is part of preparing the data and data transformation process.
Select Columns in Dataset is a data transformation component that is used to choose a subset of
columns of interest from a dataset. Evaluate model is a component used to measure the accuracy
of trained models.
Create a regression model with Azure Machine Learning designer - Training | Microsoft Learn

What is an unsupervised machine learning algorithm module for training models in the
Azure Machine Learning designer?

Select only one answer.


k-means clustering
linear regression
classification
Normalize Data
K-means clustering is an unsupervised machine learning algorithm component used for training
clustering models. You can use unlabeled data with this algorithm. Linear regression and
classification are supervised machine learning algorithm components. You need labeled data to
use these algorithms. Normalize Data is not a machine learning algorithm module.
Create a clustering model with Azure Machine Learning designer - Training | Microsoft Learn

Which type of machine learning algorithm assigns items to a set of predefined


categories?

Select only one answer.


clustering
regression
classification
unsupervised

Classification algorithms are used to predict a predefined category to which an input value
belongs. Regression algorithms are used to predict numeric values. Clustering algorithms group
data points that have similar characteristics. Unsupervised learning is a category of learning
algorithms that includes clustering, but not regression or classification.
Use Automated Machine Learning in Azure Machine Learning - Training | Microsoft Learn
What are classification models? - Training | Microsoft Learn
What is clustering? - Training | Microsoft Learn

A retailer wants to group together online shoppers that have similar attributes to enable
its marketing team to create targeted marketing campaigns for new product launches.

Which type of machine learning is this?

Select only one answer.


classification
clustering
multiclass classification
regression

Clustering is a machine learning type that analyzes unlabeled data to find similarities present in
the data. It then groups (clusters) similar data together. In this example, the company can group
online customers based on attributes that include demographic data and shopping behaviors. The
company can then recommend new products to those groups of customers who are most likely to
be interested in them. Classification and multiclass classification are used to predict categories of
data. Regression is a machine learning scenario that is used to predict numeric values.
Create a regression model with Azure Machine Learning designer - Training | Microsoft Learn

Which feature makes regression an example of supervised machine learning?

Select only one answer.


use of historical data with known label values to train a model
use of historical data with unknown label values to train a model
use of randomly generated data with known label values to train a model
use of randomly generated data with unknown label values to train a model

Regression is an example of supervised machine learning due to the use of historical data with
known label values to train a model. Regression does not rely on randomly generated data for
training.
What is regression? - Training | Microsoft Learn
What is clustering? - Training | Microsoft Learn

In a regression machine learning algorithm, what are the characteristics of features and
labels in a training dataset?

Select only one answer.


known feature and label values
known feature values and unknown label values
unknown feature values and known label values
unknown feature and label values

In a regression machine learning algorithm, a training set contains known feature and label
values.
What is regression? - Training | Microsoft Learn

A company is using machine learning to predict various aspects of its e-scooter hire
service dependent on weather. This includes predicting the number of hires, the average
distance traveled, and the impact on e-scooter battery levels.

For the machine learning model, which two attributes are the features? Each correct
answer presents a complete solution.
Select all answers that apply.
weather temperature
weekday or weekend
e-scooter battery levels
e-scooter hires
distance traveled

Weather temperature and weekday or weekend are features that provide a weather temperature
for a given day and a value based on whether the day is on a weekend or weekday. These are
input variables for the model to help predict the labels for e-scooter battery levels, number of
hires, and distance traveled. E-scooter battery levels, number of hires, and distance traveled are
numeric labels you are attempting to predict through the machine learning model.
What is machine learning? - Training | Microsoft Learn

A company wants to predict household water use based on the number of people in a
house, the weather temperature, and the time of year.

In terms of data labels and features, what is the label in this use case?

Select only one answer.


number of people in the house
weather temperature
water use
time of year

Water use is the label value that you want to predict, also known as the independent variable.
Number of people in the house, weather temperature, and time of year are features, and are
values that are dependent on the label. Number of people in the house, weather temperature, and
time of year can influence the water consumed in a household.
What is machine learning? - Training | Microsoft Learn

You train a regression model by using automated machine learning (automated ML) in
the Azure Machine Learning studio. You review the best model summary.

You need to publish the model for others to use from the internet.

What should you do next?


Select only one answer.
Create a compute cluster.
Test the deployed service.
Deploy the model to a web service.
Split the data into training and validation datasets.

You can deploy the best performing model as a web service for client applications to use over
the internet by using an endpoint. Compute clusters are used to train the model and are created
directly after you create a Machine Learning workspace. Before you can test the model’s
endpoint, you must deploy it first by using the deploy to web service option. Automated ML
performs the validation automatically, so you do not need to split the dataset.
What is automated ML? AutoML - Azure Machine Learning | Microsoft Learn
Understand steps for regression - Training | Microsoft Learn

Which natural language processing (NLP) technique normalizes words before counting
them?

Select only one answer.


frequency analysis
N-grams
stemming
vectorization

Stemming normalizes words before counting them. Frequency analysis counts how often a word
appears in a text. N-grams extend frequency analysis to include multi-term phrases.
Vectorization captures semantic relationships between words by assigning them to locations in n-
dimensional space.
Introduction - Training | Microsoft Learn

Which part of speech synthesis in natural language processing (NLP) involves breaking
text into individual words such that each word can be assigned phonetic sounds?

Select only one answer.


tokenization
transcribing
key phrase extraction
lemmatization
Tokenization is part of speech synthesis that involves breaking text into individual words such
that each word can be assigned phonetic sounds. Transcribing is part of speech recognition,
which involves converting speech into a text representation. Key phrase extraction is part of
language processing, not speech synthesis. Lemmatization, also known as stemming, is part of
language processing, not speech synthesis.
Recognize and synthesize speech - Training | Microsoft Learn

Which two features of Azure Cognitive Services allow you to identify issues from support
question data, as well as identify any people and products that are mentioned? Each
correct answer presents part of the solution.

Select all answers that apply.


the Speech service
Conversational Language Understanding
key phrase extraction
named entity recognition
Azure Bot Service

Key phrase extraction is used to extract key phrases to identify the main concepts in a text. It
enables a company to identify the main talking points from the support question data and allows
them to identify common issues. Named entity recognition can identify and categorize entities in
unstructured text, such as people, places, organizations, and quantities. The Speech service,
Conversational Language Understanding, and Azure Bot Service are not designed for identifying
key phrases or entities.
Key Phrase Extraction cognitive skill - Azure Cognitive Search | Microsoft Learn
Extract insights from text with the Language service - Training | Microsoft Learn
Analyze text with the Language service - Training | Microsoft Learn

Which three values are returned by the language detection feature of the Language
service in Azure?

Select all answers that apply.


Bounding box coordinates
ISO 6391 Code
Language Name
Wikipedia URL
Score
Language Name, ISO 6391 Code, and Score are three values returned by the Language service of
natural language processing (NLP) in Azure. Bounding box coordinates are returned by the
computer vision services in Azure. Wikipedia URL is one of potential values returned by entity
linking of entity recognition.
Get started with text analysis - Training | Microsoft Learn

Which type of translation does the Translator service support?

Select only one answer.


text-to-text
speech-to-text
text-to-speech
speech-to-speech

The Translator service supports text-to-text translation, but it does not support speech-to-text,
text-to-speech, or speech-to-speech translation.
Get started with translation in Azure - Training | Microsoft Learn

Which Azure resource provides direct access to both Translator and Speech services
through a single endpoint and authentication key?

Select only one answer.


Azure Cognitive Services
Language service
Azure Machine Learning
Azure Bot Service

Azure Cognitive Services provides direct access to both Translator and Speech services through
a single endpoint and authentication key. Language service can be used to access the Language
service, but not the Translator and Speech services. The Machine Learning service is used to
design, implement, and deploy Machine Learning models. Azure Bot Service provides a
framework for developing, publishing, and managing bots in Azure.
Get started with translation in Azure - Training | Microsoft Learn

Which two types of files can be imported to generate a knowledge base for use with
Azure Bot Service? Each correct answer presents a complete solution.

Select all answers that apply.


MP4
ZIP
CSV
DOC
PDF

Structure and unstructured DOC files and PDF files can be imported to generate a knowledge
base for use with Azure Bot Service. ZIP files must first be extracted before they can be
imported. MP4 files and CSV files are not supported to generate question-and-answer pairs for
use with Azure Bot Service.
Build a bot with the Language Service and Azure Bot Service - Training | Microsoft Learn

Which three sources can be used to generate questions and answers for a knowledge
base? Each correct answer presents a complete solution.

Select all answers that apply.


an existing FAQ document
a webpage
an audio file
manually entered data
an image file

A webpage or an existing document, such as a text file containing question and answer pairs, can
be used to generate a knowledge base. You can also manually enter the knowledge base
question-and-answer pairs. You cannot directly use an image or an audio file to import a
knowledge base.
Build a bot with the Language Service and Azure Bot Service - Training | Microsoft Learn

Which type of artificial intelligence (AI) workload is used to monitor credit card
transactions?

Select only one answer.


anomaly detection
bot services
Form Recognizer
semantic segmentation
Anomaly detection analyzes data collected over time to identify errors or unexpected changes.
This allows for identifying unusual credit card transactions that might indicate a criminal
activity. Form Recognizer and semantic segmentation are part of computer vision, so they do not
play any role in credit card transaction processing. Bot services are part of natural language
processing (NLP), without any significant role in credit card transaction processing.
nderstand anomaly detection - Training | Microsoft Learn

Which two artificial intelligence (AI) workload scenarios are examples of natural
language processing (NLP)? Each correct answer presents a complete solution.

Select all answers that apply.


generating tags and descriptions for images
performing sentiment analysis on social media data
monitoring network traffic for sudden spikes
translating text between different languages from product reviews
extracting handwritten text from online images

Translating text between different languages from product reviews is an NLP workload that uses
the Translator service and is part of Azure Cognitive Services. It can provide text translation of
supported languages in real time. Performing sentiment analysis on social media data is an NLP
that uses the sentiment analysis feature of the Azure Cognitive Service for Language. It can
provide sentiment labels, such as negative, neutral, and positive for text-based sentences and
documents.
Microsoft Azure AI Fundamentals: Explore natural language processing - Training | Microsoft
Learn

Which two artificial intelligence (AI) workload features are part of the computer vision
service? Each correct answer presents a complete solution.

Select all answers that apply.


sentiment analysis
entity recognition
optical character recognition (OCR)
key phrase extraction
Spatial Analysis

This answer is correct.


OCR and Spatial Analysis are part of the computer vision service. Sentiment analysis, entity
recognition, and key phrase extraction are not part of the computer vision service.
Microsoft Azure AI Fundamentals: Explore computer vision - Training | Microsoft Learn

Which principle of responsible artificial intelligence (AI) raises awareness about the
limitations of AI-based solutions?

Select only one answer.


privacy and security
reliability and safety
transparency
accountability

Transparency provides clarity regarding the purpose of AI solutions, the way they work, as well
as their limitations. The privacy and security, reliability and safety, and accountability principles
focus on the capabilities of AI, rather than raising awareness about its limitations.
Understand Responsible AI - Training | Microsoft Learn
Identify principles and practices for responsible AI - Training | Microsoft Learn

Which principle of responsible artificial intelligence (AI) defines the framework of


governance and organization principles that meet ethical and legal standards of AI
solutions?

Select only one answer.


accountability
fairness
inclusiveness
transparency

Accountability defines the framework of governance and organizational principles, which are
meant to ensure that AI solutions meet ethical and legal standards that are clearly defined. The
other answer choices do not define the framework of governance and organization principles, but
provide guidance regarding the ethical and legal aspects of the corresponding standards.
Understand Responsible AI - Training | Microsoft Learn
A company is currently developing driverless agriculture vehicles to help harvest crops.
The vehicles will be deployed alongside people working in the crop fields, and as such,
the company will need to carry out robust testing.

Which principle of responsible artificial intelligence (AI) is most important in this case?

Select only one answer.


reliability and safety
Inclusiveness
transparency
accountability

The reliability and safety principle is of paramount importance here as it requires an AI system to
work alongside people in a physical environment by using AI controlled machinery. The system
must function safely, while ensuring no harm will come to human life.
Understand Responsible AI - Training | Microsoft Learn

Which process allows you to use object detection?

Select only one answer.


extracting text from manuscripts
granting employee access to a secure building
analyzing sentiment around news articles
tracking livestock in a field

Object detection can be used to track livestock animals, such as cows, to support their safety and
welfare. For example, a farmer can track whether a particular animal has not been mobile.
Sentiment analysis is used to return a numeric value based on the analysis of a text. Employee
access to a secure building can be achieved by using facial recognition. Extracting text from
manuscripts is an example of a computer vision solution that uses optical character recognition
(OCR).
What is object detection? - Training | Microsoft Learn

What allows you to identify different types of bone fractures in X-ray images?

Select only one answer.


object detection
conversational artificial intelligence (AI)
image classification
facial detection

Image classification is part of computer vision and can be used to evaluate images from an X-ray
machine to quickly classify specific bone fracture types. This helps improve diagnosis and
treatment plans. An image classification model is trained to facilitate the categorizing of the bone
fractures. Object detection is used to return identified objects in an image, such as a cat, person,
or chair. Conversational AI is used to create intelligent bots that can interact with people by
using natural language. Facial detection is used to detect the location of human faces in an
image.
Classify images with the Custom Vision service - Training | Microsoft Learn

What can be used for an attendance system that can scan handwritten signatures?

Select only one answer.


optical character recognition (OCR)
face detection
object detection
image classification

OCR is used to extract text and handwriting from images. In this case, it can be used to extract
signatures for attendance purposes. Face detection can detect and verify human faces, not text,
from images. Object detection can detect multiple objects in an image by using bounding box
coordinates. It is not used to extract handwritten text. Image classification is the part of computer
vision that is concerned with the primary contents of an image.
Read text with the Computer Vision service - Training | Microsoft Learn

Which feature of computer vision involves associating an image with metadata that
summarizes the attributes of the image?

Select only one answer.


content organization
detecting image types
tagging
categorizing
Tagging involves associating an image with metadata that summarizes the attributes of the
image. Detecting image types involves identifying clip art images or line drawings. Content
organization involves identifying people or objects in photos and organizing them based on the
identification. Categorizing involves associating the contents of an image with a limited set of
categories.
Get started with image analysis on Azure - Training | Microsoft Learn

When using the Face service, what should you use to perform one-to-many or one-to-
one face matching? Each correct answer presents a complete solution.

Select all answers that apply.


face identification
face verification
face attributes
find similar faces
Custom Vision

Face identification in the Face service can address one-to-many matching of one face in an
image to a set of faces in a secure repository. Face verification has the capability for one-to-one
matching of a face in an image to a single face from a secure repository or a photo to verify
whether they are the same individual. Face attributes, the find similar faces operation, and
Custom Vision do not verify the identity of a face.
What is the Azure Face service? - Azure Cognitive Services | Microsoft Learn
Detect and analyze faces with the Face service - Training | Microsoft Learn

Which type of service provides a platform for conversational artificial intelligence (AI)?

Select only one answer.


bot services
Translator
semantic segmentation
Form Recognizer

Bot services provide a platform for conversational artificial intelligence (AI), which designates
the ability of software agents to participate in a conversation. Translator is part of Natural
language processing (NLP), but it does not serve as a platform for conversational AI. Semantic
segmentation deals with image processing. Form Recognizer extracts information from scanned
forms and invoices.
Understand natural language processing - Training | Microsoft Learn
For which scenario should you use anomaly detection?

Select only one answer.


classifying images of plants
detecting credit card fraud
detecting medical issues in scanned images
searching for information contained in a large collection of documents

Detecting credit card fraud is an anomaly detection workload that uses the Anomaly Detector
service to detect abnormalities in time-series data. For example, it can compare previous bank
transactions to new transactions and detect abnormalities, such as an unusually large credit card
purchase.
Microsoft Azure AI Fundamentals: Explore computer vision - Training | Microsoft Learn
Microsoft Azure AI Fundamentals: Explore computer vision - Training | Microsoft Learn

Which type machine learning algorithm predicts a numeric label associated with an item
based on that item’s features?

Select only one answer.


regression
clustering
classification
unsupervised

The regression algorithms are used to predict numeric values. Clustering algorithms groups data
points that have similar characteristics. Classification algorithms are used to predict the category
to which an input value belongs. Unsupervised learning is a category of learning algorithms that
includes clustering, but not regression or classification.
Use Automated Machine Learning in Azure Machine Learning - Training | Microsoft Learn
What are classification models? - Training | Microsoft Learn
What is clustering? - Training | Microsoft Learn

Predicting rainfall for a specific geographical location is an example of which type of


machine learning?

Select only one answer.


clustering
featurization
regression
classification

Predicting rainfall is an example of regression machine learning, as it will predict a numeric


value for future rainfall by using historical time-series rainfall data based on factors, such as
seasons. Clustering is a machine learning type that analyzes unlabeled data to find similarities in
the data. Featurization is not a machine learning type, but a collection of techniques, such as
feature engineering, data-scaling, and normalization. Classification is used to predict categories
of data.
Create a regression model with Azure Machine Learning designer - Training | Microsoft Learn

You need to create an automated machine learning (automated ML) model.

Which resource should you create first in Azure Machine Learning studio?

Select only one answer.


a workspace
a dataset
an Azure container instance
an Azure Kubernetes Service (AKS) cluster

A dataset is required to create an automated machine learning (automated ML) run. A workspace
must be created before you can access Machine Learning studio. An Azure container instance
and an AKS cluster can be created as a deployment target, after training of a model is complete.
Use Automated Machine Learning in Azure Machine Learning - Training | Microsoft Learn

You need to use the Azure Machine Learning designer to train a machine learning
model.

What should you do first in the Machine Learning designer?

Select only one answer.


Create a pipeline.
Deploy a service.
Add training modules.
Add a dataset.

Before you can start training a machine learning model, you must first create a pipeline in the
Machine Learning designer. This is followed by adding a dataset, adding training modules, and
eventually deploying a service.
Create a regression model with Azure Machine Learning designer - Training | Microsoft Learn

You need to use the Azure Machine Learning designer to deploy a predictive service
from a newly trained model.

What should you do first in the Machine Learning designer?

Select only one answer.


Create an inference pipeline.
Create an inferencing cluster.
Add training modules.
Add a dataset.

To deploy a predictive service from a newly trained model by using the Machine Learning
designer, you must first create a pipeline in the Machine Learning designer. Adding training
modules by using the Machine Learning designer takes place before creating a trained model,
which already exists. Adding a dataset by using the Machine Learning designer requires that a
pipeline already exists. To create an inferencing cluster, you must use Machine Learning studio.
Create a regression model with Azure Machine Learning designer - Training | Microsoft Learn

What is the confidence score returned by the language detection service of natural
language processing (NLP) for an unknown language name?

Select only one answer.


-1
1
NaN
Unknown

NaN, or not a number, designates an unknown confidence score. Unknown is a value with which
the NaN confidence score is associated. The score values range between 0 and 1, with 0
designating the lowest confidence score and 1 designating the highest confidence score.
Get started with text analysis - Training | Microsoft Learn
Which feature of the Translator service is available only to Custom Translator?

Select only one answer.


speaker recognition
document translation
model training with a dictionary
text translation

Model training with a dictionary can be used with Custom Translator when you do not have
enough parallel sentences to meet the 10,000 minimum requirements. The resulting model will
typically complete training much faster than with full training and will use the baseline models
for translation along with the dictionaries you have added.
What is Custom Translator? - Azure Cognitive Services | Microsoft Learn
Introduction to Translator - Training | Microsoft Learn

Which two capabilities are supported natively by Azure Bot Service? Each correct answer
presents a complete solution.

Select all answers that apply.


responding to email questions
translating text to a different language
detecting anomalies in financial transactions
responding to new student FAQs
classifying images of vehicles

A bot can be used to respond to new student queries or to respond to questions via
communication channels, such as email. Azure Bot Service does not have the capability to
translate text. The detection of anomalies in financial transactions is a workload suited to the
Anomaly Detector service. The classification of image vehicle types is a computer vision
workload and is not suited to a web chatbot.
Build a bot with the Language Service and Azure Bot Service - Training | Microsoft Learn

Which bot communication channel requires an application to be registered with the


channel?

Select only one answer.


email
Microsoft Teams
web chat
Facebook

For a bot to use the Facebook channel, it requires a Facebook application to be registered. The
registered Azure bot can then securely communicate with users via the Facebook application
credentials. Email, Teams, and web chat do not require a registered application for the channel.
Configure an Azure Bot Service bot to run on one or more channels - Bot Service | Microsoft
Learn
Build a bot with the Language Service and Azure Bot Service - Training | Microsoft Learn

Which three parts of the machine learning process does the computer vision service
eliminate the need for? Each correct answer presents part of the solution.

Select all answers that apply.


Azure resource provisioning
inferencing
choosing a model
evaluating a model
training a model

The computer vision service eliminates the need for choosing, training, and evaluating a model
by providing pre-trained models. To use computer vision, you must create an Azure resource.
The use of computer vision involves inferencing.
Introduction - Training | Microsoft Learn

Which analytical task of the computer vision service returns bounding box coordinates?

Select only one answer.


object detection
image categorization
tagging
optical character recognition (OCR)
Detecting objects identifies common objects and, for each, returns bounding box coordinates.
Image categorization assigns a category to an image, but it does not return bounding box
coordinates. Tagging involves associating an image with metadata that summarizes the attributes
of the image, but it does not return bounding box coordinates. OCR detects printed and
handwritten text in images, but it does not return bounding box coordinates.
Get started with image analysis on Azure - Training | Microsoft Learn

Which service can you use to train an image classification model?

Select only one answer.


computer vision
Face
Custom Vision
Language

Custom Vision is an image recognition service that allows you to build and deploy your own
image models. The computer vision service, Face service, and Language service do not provide
the capability to train your own image model.
What is Custom Vision? - Azure Cognitive Services | Microsoft Learn
Introduction - Training | Microsoft Learn

Which feature of the Language service includes functionality that returns links to
external websites to disambiguate terms identified in a text?

Select only one answer.


entity recognition
key phrase extraction
language detection
sentiment analysis

Entity recognition includes the entity linking functionality that returns links to external websites
to disambiguate terms (entities) identified in a text. Key phrase extraction evaluates the text of a
document and identifies its main talking points. Language detection identifies the language in
which text is written. Sentiment analysis evaluates text and returns sentiment scores and labels
for each sentence.
Get started with text analysis - Training | Microsoft Learn
Which principle of responsible artificial intelligence (AI) is applied in the design of an AI
system to ensure that users understand constraints and limitations of AI?

Select only one answer.


privacy and security
fairness
transparency
inclusiveness

The transparency principle states that AI systems must be designed in such a way that users are
made fully aware of the purpose of the systems, how they work, and which limitations can be
expected during use. The inclusiveness principle states that AI systems must empower people in
a positive and engaging way. Fairness is applied to AI systems to ensure that users of the systems
are treated fairly. The privacy and security principle is applied to the design of AI systems to
ensure that the systems are secure and to respect user privacy.
Understand Responsible AI - Training | Microsoft Learn

You might also like