AI-900 TEST QUESTIONS

Pataasin ang iyong marka sa homework at exams ngayon gamit ang Quizwiz!

responsible AI principles -privacy and security

AI systems should be secure and respect privacy. The machine learning models on which AI systems are based rely on large volumes of data, which may contain personal details that must be kept private.

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

ISO 6391 Code Language Name Score -Language Name, ISO 6391 Code, and Score are three values returned by the Language service of natural language processing (NLP) in Azure.

common computer vision tasks -Semantic segmentation

Semantic segmentation is an advanced machine learning technique in which individual pixels in the image are classified according to the object to which they belong. For example, a traffic monitoring solution might overlay traffic images with "mask" layers to highlight different vehicles using specific colors.

sentiment analysis defintion and examples

Sentiment analysis provides indication for negative, neutral, positive connotation.

Which additional piece of information is included with each phrase returned by an image description task of the Azure AI Vision?

confidence score-Each phrase returned by an image description task of the Azure AI Vision includes the confidence score.

Which two AZURE AI DOCUMENT MODELS include identifying common data fields as part of its data extraction capabilities? Each correct answer presents a complete solution.

invoice model,business card model-The business card model analyzes and extracts key information from business card images and includes common data field extractions, such as name and email. The invoice model extracts key information from sales invoices and includes common data fields used in invoices for extraction.

You need to identify 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?

logistic regression-Logistic regression is a type of classification model, which returns either a Boolean value or a categorical decision

responsible AI principles - Transparency

AI systems should be understandable. Users should be made fully aware of the purpose of the system, how it works, and what limitations may be expected

Which principle of responsible artificial intelligence (AI) defines the framework of governance and organization principles that meet ethical and legal standards of AI solutions?

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.

Prediction/Forecasting Workloads

Automated Machine Learning, Azure Machine Learning Designer, Data and Compute Management, Pipelines

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

Speech recognition-uses audio data to analyze speech and determine recognizable patterns that can be mapped to distinct user voices.

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

a webpage & an existing FAQ document & manually entered data-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.

what are the six principles of responsible AI

accountability inclusiveness reliability and safety fairness transparency privacy and security

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.

accountability & 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.

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

celebrities & landmarks-When categorizing an image, the Azure AI Vision service supports two specialized domain models: celebrities and landmarks

Which three parts of the machine learning process does the Azure AI Vision eliminate the need for? Each correct answer presents part of the solution.

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.

You need to create an automated machine learning (automated ML) model.Which resource should you create first in Azure Machine Learning studio?

A dataset-A dataset is required to create an automated machine learning (automated ML) run.

You need to use Azure Machine Learning to train a regression model.What should you create in Machine Learning studio?

A job-A job must be created in Machine Learning studio to use Machine Learning to train a regression model.

responsible AI principles -inclusiveness

AI systems should empower everyone and engage people. AI should bring benefits to all parts of society, regardless of physical ability, gender, sexual orientation, ethnicity, or other factors.

responsible AI principles -reliability and safety

AI systems should perform reliably and safely. For example, consider an AI-based software system for an autonomous vehicle; or a machine learning model that diagnoses patient symptoms and recommends prescriptions. Unreliability in these kinds of systems can result in substantial risk to human life.

Which principle of responsible artificial intelligence (AI) defines the framework of governance and organization principles that meet ethical and legal standards of AI solutions?

Accountability-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.

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

Azure AI Bot Service-Azure AI Bot Service provide a platform for conversational artificial intelligence (AI), which designates the ability of software agents to participate in a conversation.

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

Azure AI Custom Vision-Azure AI Custom Vision is an image recognition service that allows you to build and deploy your own image models.

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

Azure AI Services-Azure AI Services provides direct access to both Azure AI Translator and Azure AI Speech services through a single endpoint and authentication key

Which natural language processing (NLP) workload is used to generate closed caption text for live presentations?

Azure AI Speech provides speech-to-text and text-to-speech capabilities through speech recognition and synthesis. You can use prebuilt and custom Speech service models for a variety of tasks, from transcribing audio to text with high accuracy, to identifying speakers in conversations, creating custom voices, and more.

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

Classification-Classification algorithms are used to predict a predefined category to which an input value belongs.

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

Clean Missing Data & Normalize Data & Select Columns in Dataset-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.

whats is clustering/example

Clustering is a form of unsupervised machine learning in which observations are grouped into clusters based on similarities in their data values, or features.This kind of machine learning is considered unsupervised because it doesn't make use of previously known label values to train a model. In a clustering model, the label is the cluster to which the observation is assigned, based only on its features. For example, suppose a botanist observes a sample of flowers and records the number of leaves and petals on each flower: There are no known labels in the dataset, just two features. The goal is not to identify the different types (species) of flower; just to group similar flowers together based on the number of leaves and petals.

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?

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.

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

Clustering-Clustering algorithms group data points that have similar characteristics

[Answer choice] use plugins to provide end users with the ability to get help with common tasks from a generative AI model.

Copilots-Copilots are often integrated into applications to provide a way for users to get help with common tasks from a generative AI model.

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?

Create a pipeline.-Before you can start training a machine learning model, you must first create a pipeline in the Machine Learning designer.

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?

Create an inference pipeline-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.

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?

Create an inference pipeline.-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.

Which generative AI model is used to generate images based on natural language prompts?

DALL-E-DALL-E is a model that can generate images from natural language.

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?

Deploy the model to an endpoint-You can deploy the best performing model for client applications to use over the internet by using an endpoint.

[Answer choice] can search, classify, and compare sources of text for similarity.

Embeddings-Embeddings is an Azure OpenAI model that converts text into numerical vectors for analysis. Embeddings can be used to search, classify, and compare sources of text for similarity.

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

Entity Linking & Personally Identifiable Information (PII) detection & Sentiment analysis-Entity Linking, PII detection, and sentiment analysis are all elements of the Azure AI Service for Azure AI Language.

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

Entity recognition-Entity recognition includes the entity linking functionality that returns links to external websites to disambiguate terms (entities) identified in a text.

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

Face attributes-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.

common computer vision tasks-Face detection, analysis, and recognition

Face detection is a specialized form of object detection that locates human faces in an image. This can be combined with classification and facial geometry analysis techniques to recognize individuals based on their facial features.

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

Facial detection-Facial detection provides the ability to detect and analyze human faces in an image, including identifying a person's age based on a photograph.

Which principle of responsible artificial intelligence (AI) involves evaluating and mitigating the bias introduced by the features of a model?

Fairness-Fairness involves evaluating and mitigating the bias introduced by the features of a model.

Which principle of responsible artificial intelligence (AI) plays the primary role when implementing an AI solution that meet qualifications for business loan approvals?

Fairness-Fairness is meant to ensure that AI models do not unintentionally incorporate a bias based on criteria such as gender or ethnicity.

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

Features are independent of 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.

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

Features are used to generate predictions for the label, which is compared to the actual label values.-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.

responsible AI principles - Fairness

For example, suppose you create a machine learning model to support a loan approval application for a bank. The model should predict whether the loan should be approved or denied without bias. This bias could be based on gender, ethnicity, or other factors that result in an unfair advantage or disadvantage to specific groups of applicants.

[Answer choice] can return responses, such as natural language, images, or code, based on natural language input.

Generative AI-Generative AI models offer the capability of generating images based on a prompt by using DALL-E models, such as generating images from natural language.

As per the NIST AI Risk Management Framework, what is the first stage to consider when developing a responsible generative AI solution?

Identify potential harms-Identifying potential harms is the first stage when planning a responsible generative AI solution.

common computer vision tasks - Image classification

Image classification involves training a machine learning model to classify images based on their contents. For example, in a traffic monitoring solution you might use an image classification model to classify images based on the type of vehicle they contain, such as taxis, buses, cyclists, and so on.

You plan to develop an image processing solution that will use DALL-E as a generative AI model.Which capability is NOT supported by the DALL-E model?

Image description-Image description is not a capability included in the DALL-E model, therefore, it is not a use case that can be implemented by using DALL-E

what is DALL-E

In addition to natural language capabilities, generative AI models can edit and create images. Model that works with images is called Dall-E. capabilities include image editing image generation image variations

Which type of artificial intelligence (AI) workload has the primary purpose of making large amounts of data searchable?

Knowledge mining-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.

Computer Vision models and capabilities & list common computer vision tasks

Most computer vision solutions are based on machine learning models that can be applied to visual input from cameras, videos, or images.common computer tasks: Image classification Object detection Semantic segmentation Image analysis Face detection, analysis, and recognition Optical character recognition (OCR)

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

NaN-NaN, or not a number, designates an unknown confidence score.

object detection and example

Object detection, a common computer vision task, object detection machine learning models are trained to classify individual objects within an image, and identify their location with a bounding box. For example, a traffic monitoring solution might use object detection to identify the location of different classes of vehicle.

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

Object detection-Object detection can be used to evaluate traffic monitoring images to quickly classify specific vehicle types, such as car, bus, or cyclist.

Which type of artificial intelligence (AI) workload provides the ability to generate bounding boxes that identify the locations of different types of vehicles in an image?

Object detection-Object detection provides the ability to generate bounding boxes identifying the locations of different types of vehicles in an image.

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

Object detection-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.

OCR (Optical Character Recognition)

Optical characterrecognition,a common computer vision task, OCR is a technique used to detect and read text in images. You can use OCR to read text in photographs (for example, road signs or store fronts) or to extract information from scanned documents such as letters, invoices, or forms.

responsible AI principles -accountability

People should be accountable for AI systems. Designers and developers of AI-based solutions should work within a framework of governance and organizational principles that ensure the solution meets ethical and legal standards that are clearly defined.

Regression

Regression is a form of supervised machine learning in which the label predicted by the model is a numeric value. For example: The number of ice creams sold on a given day, based on the temperature, rainfall, and windspeed.

An electricity utility 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 prediction of future energy use by using the customers' previous energy-use data.Which type of machine learning is this?

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 consumption based on analyzing historical time-series energy data based on factors, such as seasonal weather and holiday periods.

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

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.

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

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.

[Answer choice] can used to identify constraints and styles for the responses of a generative AI model.

System messages-System messages should be used to set the context for the model by describing expectations. Based on system messages, the model knows how to respond to prompts.

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

Tagging-Tagging involves associating an image with metadata that summarizes the attributes of the image.

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?

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.

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

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.

Which two capabilities are examples of a GPT model? Each correct answer presents a complete solution.

Understand natural language,Create natural language.-Azure OpenAI natural language models can take in natural language and generate responses. GPT models are excellent at both understanding and creating natural language.

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?

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

difference between Image classification and object detection

While image classification focuses on categorizing entire images into predefined classes, object detection deals with identifying and localizing specific objects within images.

common computer vision tasks- image analysis

You can create solutions that combine machine learning models with advanced image analysis techniques to extract information from images, including "tags" that could help catalog the image or even descriptive captions that summarize the scene shown in the image.

You need to use Azure Machine Learning to train a regression model. What should you create in Machine Learning studio?

a job-A job must be created in Machine Learning studio to use Machine Learning to train a regression model.

A healthcare organization has a dataset consisting of bone fracture scans that are categorized by using predefined fracture types. The organization wants to use machine learning to detect the different types of bone fractures for new scans before the scans are sent to a medical practitioner. Which type of machine learning is this?

classification-Classification 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 classification with labeled data can be used to determine the type of bone fracture in a new scan that is not labeled already.

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

clustering-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.

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

conversational & dictation-The Universal Language Model used by the speech-to-text API is optimized for conversational and dictation scenarios.

Which three capabilities are examples of image generation features for a generative AI model? Each correct answer presents a complete solution.

creating variations of an image & editing an image & new image creation-Image generation models can take a prompt, a base image, or both, and create something new. These generative AI models can create both realistic and artistic images, change the layout or style of an image, and create variations of a provided image.

You are exploring solutions to improve the document search and indexing service for employees.You need an artificial intelligence (AI) search solution that will include searching text in various types of documents, such as images.Which type of AI workload is this?

data mining-Data mining workloads primarily focus on the searching and indexing of data.

Which process allows you to use optical character recognition (OCR)?

digitizing medical records-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.

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

entity linking-entity Linking identifies and disambiguates the identity of entities found in a text.

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.

ethnicity and gender-The AI system must be designed to ensure that biased decision making is avoided and not based on factors such as ethnicity and gender.

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

evaluating the trained model-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.

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

face identification,face verification-Face identification in the Azure AI 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.

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

image classification-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

You plan to develop an image processing solution that will use DALL-E as a generative AI model. Which capability is NOT supported by the DALL-E model?

image description-Image description is not a capability included in the DALL-E model, therefore, it is not a use case that can be implemented by using DALL-E, while the other three capabilities are offered by DALL-E in Azure OpenAI.

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?

inclusiveness-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.

Which two features of Azure AI 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.

key phrase extraction & named entity recognition-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.

Which feature of the Azure AI Translator service is available only to Custom Translator

model training with a dictionary-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.

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

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.

Which analytical task of the Azure AI Vision service returns bounding box coordinates?

object detection-Detecting objects identifies common objects and, for each, returns bounding box coordinates.

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

optical character recognition (OCR) spatial analysis OCR and Spatial Analysis are part of the Azure AI Vision service. Sentiment analysis, entity recognition, and key phrase extraction are not part of the computer vision service.

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

optical character recognition (OCR)-OCR is used to extract text and handwriting from images. In this case, it can be used to extract signatures for attendance purposes.

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

regression-The regression algorithms are used to predict numeric values

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

removing stop words-Removing stop words is the first step in the statistical analysis of terms used in a text in the context of NLP.

At which layer can you apply content filters to suppress prompts and responses for a responsible generative AI solution?

safety system-The safety system layer includes platform-level configurations and capabilities that help mitigate harm. For example, the Azure OpenAI service includes support for content filters that apply criteria to suppress prompts and responses based on the classification of content into four severity levels (safe, low, medium, and high) for four categories of potential harm (hate, sexual, violence, and self-harm).

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

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.

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

stemming-Stemming normalizes words before counting them.

Which process allows you to use object detection?

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.

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

translating text between different languages from product reviews performing sentiment analysis on social media data -Translating text between different languages from product reviews is an NLP workload that uses the Azure AI Translator service and is part of Azure AI 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 AI Service for Language. It can provide sentiment labels, such as negative, neutral, and positive for text-based sentences and documents.


Kaugnay na mga set ng pag-aaral

Xcel Solutions Life Insurance Chap 3

View Set

Fundamentals - Hygiene and Wound Care (Ch. 32 and 33)

View Set

Schizophrenia EAQ & Practice Q's

View Set

Pharm - Integumentary system Ch 56-58 ARS

View Set

AAPC CPB - Chapter 3 Practical Application

View Set

Notgrass Government Unit 6 Lesson 32

View Set