ET 51 to 100 Flashcards
What are two metrics that you can use to evaluate a regression model? Each correct answer presents a complete solution. NOTE: Each correct selection is worth one point.
A. coefficient of determination (R2)
B. F1 score
C. root mean squared error (RMSE)
D. area under curve (AUC)
E. balanced accuracy
A. coefficient of determination (R2)
C. root mean squared error (RMSE)
: R-squared (R2), or Coekcient of determination represents the predictive power of the model as a value between -inf and 1.00. 1.00 means there is a perfect +t, and the +t can be arbitrarily poor so the scores can be negative.
C: RMS-loss or Root Mean Squared Error (RMSE) (also called Root Mean Square Deviation, RMSD), measures the difference between values predicted by a model and the values observed from the environment that is being modeled.
Incorrect Answers:
B: F1 score also known as balanced F-score or F-measure is used to evaluate a classi+cation model.
D: aucROC or area under the curve (AUC) is used to evaluate a classi+cation model.
Reference:
https://docs.microsoft.com/en-us/dotnet/machine-learning/resources/metrics
Predicting how many vehicles will travel across a bridge on a given day is an example of _________.
A. classification
B. clustering
C. regression
C. regression
Regression is a machine learning task that is used to predict the value of the label from a set of related features. Reference:
https://docs.microsoft.com/en-us/dotnet/machine-learning/resources/tasks
You need to use Azure Machine Learning designer to build a model that will predict automobile prices.
Which type of modules should you use to complete the model? To answer, drag the appropriate modules to the correct locations. Each module may be used once, more than once, or not at all. You may need to drag the split bar between panes or scroll to view content.
Box 1: Select Columns in Dataset
For Columns to be cleaned, choose the columns that contain the missing values you want to change. You can choose multiple columns, but you must use the same replacement method in all selected columns.
Box 2: Split data -
Splitting data is a common task in machine learning. You will split your data into two separate datasets. One dataset will train the model and the other will test how well the model performed.
Box 3: Linear regression -
Because you want to predict price, which is a number, you can use a regression algorithm. For this example, you use a linear regression model.
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/tutorial-designer-automobile-price-train-score
Which type of machine learning should you use to identify groups of people who have similar purchasing habits?
A. classification
B. regression
C. clustering
A. classification
Clustering is a machine learning task that is used to group instances of data into clusters that contain similar characteristics. Clustering can also be used to identify relationships in a dataset
Reference:
https://docs.microsoft.com/en-us/dotnet/machine-learning/resources/tasks
____________ can be used to predict the sale price of auctioned items.
A. Classification
B. Clustering
C. Regression
C. Regression
Regression is a machine learning task that is used to predict the value of the label from a set of related features.
Reference:
https://docs.microsoft.com/en-us/dotnet/machine-learning/resources/tasks
Which metric can you use to evaluate a classification model?
A. true positive rate
B. mean absolute error (MAE)
C. coefficient of determination (R2)
D. root mean squared error (RMSE)
A. true positive rate
What does a good model look like?
An ROC curve that approaches the top left corner with 100% true positive rate and 0% false positive rate will be the best model. A random model would display as a flat line from the bottom left to the top right corner. Worse than random would dip below the y=x line.
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/how-to-understand-automated-ml#classification
Which two components can you drag onto a canvas in Azure Machine Learning designer? Each correct answer presents a complete solution.
NOTE: Each correct selection is worth one point.
A. dataset
B. compute
C. pipeline
D. module
A. dataset
D. module
You can drag-and-drop datasets and modules onto the canvas.
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/concept-designer
You need to create a training dataset and validation dataset from an existing dataset.
Which module in the Azure Machine Learning designer should you use?
A. Select Columns in Dataset
B. Add Rows
C. Split Data
D. Join Data
C. Split Data
A common way of evaluating a model is to divide the data into a training and test set by using Split Data, and then validate the model on the training data.
Use the Split Data module to divide a dataset into two distinct sets.
The studio currently supports training/validation data splits
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/how-to-configure-cross-validation-data-splits
Question #59 Topic 1
DRAG DROP -
Match the types of machine learning to the appropriate scenarios.
To answer, drag the appropriate machine learning type from the column on the left to its scenario on the right. Each machine learning type may be used once, more than once, or not at all.
NOTE: Each correct selection is worth one point.
Select and Place:
Box 1: Regression -
In the most basic sense, regression refers to prediction of a numeric target.
Linear regression attempts to establish a linear relationship between one or more independent variables and a numeric outcome, or dependent variable.
You use this module to de+ne a linear regression method, and then train a model using a labeled dataset. The trained model can then be used to make predictions.
Box 2: Clustering -
Clustering, in machine learning, is a method of grouping data points into similar clusters. It is also called segmentation.
Over the years, many clustering algorithms have been developed. Almost all clustering algorithms use the features of individual items to +nd similar items. For example, you might apply clustering to +nd similar people by demographics. You might use clustering with text analysis to group sentences with similar topics or sentiment.
Box 3: Classi+cation -
Two-class classi+cation provides the answer to simple two-choice questions such as Yes/No or True/False. Reference: https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/linear-regression
Question #60
___________ is the calculated probability of a correct image classification.
Accuracy
Question #61
Ensuring an AI system does not provide a prediction when important fields contain unusual or missing values is __________ principle for responsible AI.
A. an inclusiveness
B. a privacy and safety
C. a reliability and safety
D. a transparency
C. a reliability and safety
Reference: https://docs.microsoft.com/en-us/azure/cloud-adoption-framework/innovate/best-practices/trusted-ai
Question #62
Ensuring that the numeric variables in training data on a similar scale is an example of ___________.
A. data ingestion
B. feature engineering
C. feature selection
D. model training
C. feature selection
Reference: https://docs.microsoft.com/en-us/azure/architecture/data-science-process/create-features
Question #63
Assigning classes to images before training a classification model is an example of _________.
A. evaluation
B. feature engineering
C. hyperparameter tuning
D. labeling
D. labeling
Reference: https://docs.microsoft.com/en-us/azure/machine-learning/how-to-label-data
Question #64 Topic 1
HOTSPOT -
You have an Azure Machine Learning model that predicts product quality. The model has a training dataset that contains 50,000 records. A sample of the data is shown in the following table Exhibit A. For each of the following statements, select Yes if the statement is true. Otherwise, select No from Exhibit B.
Reference: https://docs.microsoft.com/en-us/azure/machine-learning/component-reference/filter-based-feature-selection
Question #65 Topic 1
HOTSPOT -
For each of the following statements, select Yes if the statement is true. Otherwise, select No. NOTE: Each correct selection is worth one point.
Reference: https://docs.microsoft.com/en-us/learn/modules/create-regression-model-azure-machine-learning-designer/5-create-training-pipeline https://docs.microsoft.com/en-us/learn/modules/create-classi+cation-model-azure-machine-learning-designer/introduction https://docs.microsoft.com/en-us/learn/modules/create-clustering-model-azure-machine-learning-designer/1-introduction
Question #66 Topic 1
Which two actions are performed during the data ingestion and data preparation stage of an Azure Machine Learning process? Each correct answer presents part of the solution.
NOTE: Each correct selection is worth one point.
A. Calculate the accuracy of the model.
B. Score test data by using the model.
C. Combine multiple datasets.
D. Use the model for real-time predictions.
E. Remove records that have missing values.
C. Combine multiple datasets.
E. Remove records that have missing values.
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/concept-data-ingestion https://docs.microsoft.com/en-us/azure/architecture/data- science-process/prepare-data
Question #67
You need to predict the animal population of an area. Which Azure Machine Learning type should you use?
A. regression
B. clustering
C. classification
A. regression
Regression is a supervised machine learning technique used to predict numeric values.
Reference: https://docs.microsoft.com/en-us/learn/modules/create-regression-model-azure-machine-learning-designer/1-introduction
Question #68 Topic 1
Which two languages can you use to write custom code for Azure Machine Learning designer? Each correct answer presents a complete solution. NOTE: Each correct selection is worth one point.
A. Python
B. R
C. C#
D. Scala
A. Python
B. R
Use Azure Machine Learning designer for customizing using Python and R code. Reference: https://azure.microsoft.com/en-us/services/machine-learning/designer/#features
Question #69 Topic 1
HOTSPOT -
For each of the following statements, select Yes if the statement is true. Otherwise, select No.
Box1:Yes-
For regression problems, the label column must contain numeric data that represents the response variable. Ideally the numeric data represents a continuous scale.
Box2:No-
K-Means Clustering -
Because the K-means algorithm is an unsupervised learning method, a label column is optional.
If your data includes a label, you can use the label values to guide selection of the clusters and optimize the model. If your data has no label, the algorithm creates clusters representing possible categories, based solely on the data.
Box3:No-
For classi+cation problems, the label column must contain either categorical values or discrete values. Some examples might be a yes/no rating, a disease classi+cation code or name, or an income group. If you pick a noncategorical column, the component will return an error during training.
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/component-reference/train-model https://docs.microsoft.com/en- us/azure/machine-learning/component-reference/k-means-clustering
Question #70 Topic 1
Your company wants to build a recycling machine for bottles. The recycling machine must automatically identify bottles of the correct shape and reject all other items.
Which type of AI workload should the company use?
A. anomaly detection
B. conversational AI
C. computer vision
D. natural language processing
C. computer vision
Azure’s Computer Vision service gives you access to advanced algorithms that process images and return information based on the visual features you’re interested in. For example, Computer Vision can determine whether an image contains adult content, find specific brands or objects, or find human faces.
Reference:
https://docs.microsoft.com/en-us/azure/cognitive-services/computer-vision/overview
Question #71
Topic 1
HOTSPOT -
For each of the following statements, select Yes if the statement is true. Otherwise, select No.
Reference: https://docs.microsoft.com/en-us/azure/cognitive-services/custom-vision-service/get-started-build-detector
Question #72
Topic 1
In which two scenarios can you use the Form Recognizer service? Each correct answer presents a complete solution. NOTE: Each correct selection is worth one point.
A. Extract the invoice number from an invoice.
B. Translate a form from French to English.
C. Find image of product in a catalog.
D. Identify the retailer from a receipt.
A. Extract the invoice number from an invoice.
D. Identify the retailer from a receipt.
Reference: https://azure.microsoft.com/en-gb/services/cognitive-services/form-recognizer/#features