1 | is required for a Deep Learning Virtual Machine(DLVM) to support Compute Unified Device Architecture(CUDA) computations. |
2 | You construct a machine learning experiment via Azure Machine Learning Studio. You would like to split data into two separate datasets. Which of the following actions should you take? |
3 | You have been tasked with employing a machine learning model, which makes use of a PostgreSQL database and needs GPU processing, to forecast prices. You are preparing to create a virtual machine that has the necessary tools built into it. You need to make use of the correct virtual machine type. Recommendation: You make use of a Deep Learning Virtual Machine (DLVM) Windows edition. Will the requirements be satisfied? |
4 | You have been tasked with moving data into Azure Blob Storage for the purpose of supporting Azure Machine Learning. Which of the following can be used to complete your task? |
5 | You have been tasked with evaluating your model on a partial data sample via k-fold cross-validation. You have already configured a k parameter as the number of splits. You now have to configure the k parameter for the cross-validation with the usual value choice. Recommendation: You configure the use of the value k=3. Will the requirements be satisfied? |
6 | You are in the process of creating a machine learning model. Your dataset includes rows with null and missing values. You plan to make use of the Clean Missing Data module in Azure Machine Learning Studio to detect and fix the null and missing values in the dataset. Recommendation: You make use of the Custom substitution value option. Will the requirements be satisfied? |
7 | You need to consider the underlined segment to establish whether it is accurate. To transform a categorical feature into a binary indicator, you should make use of the Clean Missing Data module. |
8 | You are planning to host practical training to acquaint learners with data visualization creation using Python. Learner devices are able to connect to the internet. Learner devices are currently NOT configured for Python development. Also, learners are unable to install software on their devices as they lack administrator permissions. Furthermore, they are unable to access Azure subscriptions. It is imperative that learners are able to execute Python-based data visualization code. Which of the following actions should you take? |
9 | You have recently concluded the construction of a binary classification machine learning model. You are currently assessing the model. You want to make use of a visualization that allows for precision to be used as the measurement for the assessment. Which of the following actions should you take? |
10 | in Azure Firewall enables users on the internet to access a server on a virtual network. |
11 | You are in the process of carrying out feature engineering on a dataset. You want to add a feature to the dataset and fill the column value. Recommendation: You must make use of the Edit Metadata Azure Machine Learning Studio module. Will the requirements be satisfied? |
12 | You are preparing to train a regression model via automated machine learning. The data available to you has features with missing values, as well as categorical features with little discrete values. You want to make sure that automated machine learning is configured as follows: ✑ missing values must be automatically imputed. ✑ categorical features must be encoded as part of the training task. Which of the following actions should you take? |
13 | You have been tasked with constructing a machine learning model that translates language text into a different language text. The machine learning model must be constructed and trained to learn the sequence of the. Recommendation: You make use of Convolutional Neural Networks (CNNs). Will the requirements be satisfied? |
14 | You have been tasked with evaluating the performance of a binary classification model that you created. You need to choose evaluation metrics to achieve your goal. Which of the following are the metrics you would choose? |
15 | You make use of Azure Machine Learning Studio to create a binary classification model. You are preparing to carry out a parameter sweep of the model to tune hyperparameters. You have to make sure that the sweep allows for every possible combination of hyperparameters to be iterated. Also, the computing resources needed to carry out the sweep must be reduced. Which of the following actions should you take? |
16 | You are planning to make use of Azure Machine Learning designer to train models. You need choose a suitable compute type. Recommendation: You choose Inference cluster. Will the requirements be satisfied? |
17 | You are making use of the Azure Machine Learning to designer construct an experiment. After dividing a dataset into training and testing sets, you configure the algorithm to be Two-Class Boosted Decision Tree. You are preparing to ascertain the Area Under the Curve (AUC). Which of the following is a sequential combination of the models required to achieve your goal? |
18 | Your team is building a data engineering and data science development environment. The environment must support the following requirements: ✑ support Python and Scala ✑ compose data storage, movement, and processing services into automated data pipelines ✑ the same tool should be used for the orchestration of both data engineering and data science ✑ support workload isolation and interactive workloads ✑ enable scaling across a cluster of machines You need to create the environment. What should you do? |
19 | You plan to build a team data science environment. Data for training models in machine learning pipelines will be over 20 GB in size. You have the following requirements: ✑ Models must be built using Caffe2 or Chainer frameworks. ✑ Data scientists must be able to use a data science environment to build the machine learning pipelines and train models on their personal devices in both connected and disconnected network environments. Personal devices must support updating machine learning pipelines when connected to a network. You need to select a data science environment. Which environment should you use? |
20 | You must store data in Azure Blob Storage to support Azure Machine Learning. You need to transfer the data into Azure Blob Storage. What are three possible ways to achieve the goal? |
21 | You are planning to host practical training to acquaint staff with Docker for Windows. Staff devices must support the installation of Docker. Which of the following are requirements for this installation? Answer by dragging the correct options from the list to the answer area. |
22 | You have been tasked with employing a machine learning model, which makes use of a PostgreSQL database and needs GPU processing, to forecast prices. You are preparing to create a virtual machine that has the necessary tools built into it. You need to make use of the correct virtual machine type. Recommendation: You make use of a Geo AI Data Science Virtual Machine (Geo-DSVM) Windows edition. Will the requirements be satisfied? |
23 | You have been tasked with employing a machine learning model, which makes use of a PostgreSQL database and needs GPU processing, to forecast prices. You are preparing to create a virtual machine that has the necessary tools built into it. You need to make use of the correct virtual machine type. Recommendation: You make use of a Data Science Virtual Machine (DSVM) Windows edition. Will the requirements be satisfied? |
24 | You have been tasked with designing a deep learning model, which accommodates the most recent edition of Python, to recognize language. You have to include a suitable deep learning framework in the Data Science Virtual Machine (DSVM). Which of the following actions should you take? |
25 | You have been tasked with evaluating your model on a partial data sample via k-fold cross-validation. You have already configured a k parameter as the number of splits. You now have to configure the k parameter for the cross-validation with the usual value choice. Recommendation: You configure the use of the value k=10. Will the requirements be satisfied? |
26 | You are in the process of creating a machine learning model. Your dataset includes rows with null and missing values. You plan to make use of the Clean Missing Data module in Azure Machine Learning Studio to detect and fix the null and missing values in the dataset. Recommendation: You make use of the Replace with median option. Will the requirements be satisfied? |
27 | You are in the process of creating a machine learning model. Your dataset includes rows with null and missing values. You plan to make use of the Clean Missing Data module in Azure Machine Learning Studio to detect and fix the null and missing values in the dataset. Recommendation: You make use of the Remove entire row option. Will the requirements be satisfied? |
28 | visualization can be used to reveal outliners in your data. |
29 | is a data cleaning option of the Clean Missing Data module that does not require predictors for each column. |
30 | You are in the process of constructing a regression model. You would like to make it a Poisson regression model. To achieve your goal, the feature values need to meet certain conditions. Which of the following are relevant conditions with regards to the label data? Answer by dragging the correct options from the list to the answer area. |
31 | You are in the process of carrying out feature engineering on a dataset. You want to add a feature to the dataset and fill the column value. Recommendation: You must make use of the Join Data Azure Machine Learning Studio module. Will the requirements be satisfied? |
32 | You want to train a classification model using data located in a comma-separated values (CSV) file. The classification model will be trained via the Automated Machine Learning interface using the Classification task type. You have been informed that only linear models need to be assessed by the Automated Machine Learning. Which of the following actions should you take? |
33 | You make use of Azure Machine Learning Studio to develop a linear regression model. You perform an experiment to assess various algorithms. Which of the following is an algorithm that reduces the variances between actual and predicted values? |
34 | You have been tasked with constructing a machine learning model that translates language text into a different language text. The machine learning model must be constructed and trained to learn the sequence of the. Recommendation: You make use of Recurrent Neural Networks (RNNs). Will the requirements be satisfied? |
35 | You build a binary classification model using the Azure Machine Learning Studio Two-Class Neural Network module. You are preparing to configure the Tune Model Hyperparameters module for the purpose of tuning accuracy for the model. Which of the following are valid parameters for the Two-Class Neural Network module? |
36 | You are planning to make use of Azure Machine Learning designer to train models. You need choose a suitable compute type. Recommendation: You choose Attached compute. Will the requirements be satisfied? |
37 | You are planning to make use of Azure Machine Learning designer to train models. You need choose a suitable compute type. Recommendation: You choose Compute cluster. Will the requirements be satisfied? |
38 | You are developing a hands-on workshop to introduce Docker for Windows to attendees. You need to ensure that workshop attendees can install Docker on their devices. Which two prerequisite components should attendees install on the devices? |
39 | You are building an intelligent solution using machine learning models. The environment must support the following requirements: ✑ Data scientists must build notebooks in a cloud environment ✑ Data scientists must use automatic feature engineering and model building in machine learning pipelines. ✑ Notebooks must be deployed to retrain using Spark instances with dynamic worker allocation. ✑ Notebooks must be exportable to be version controlled locally. You need to create the environment. Which four actions should you perform in sequence? |
40 | You are developing deep learning models to analyze semi-structured, unstructured, and structured data types. You have the following data available for model building: ✑ Video recordings of sporting events ✑ Transcripts of radio commentary about events ✑ Logs from related social media feeds captured during sporting events You need to select an environment for creating the model. Which environment should you use? |
41 | You need to implement a Data Science Virtual Machine (DSVM) that supports the Caffe2 deep learning framework. Which of the following DSVM should you create? |
42 | To move a large dataset from Azure Machine Learning Studio to a Weka environment the data must be converted to the ____ format. |
43 | You have been tasked with creating a new Azure pipeline via the Machine Learning designer. You have to makes sure that the pipeline trains a model using data in a comma-separated values (CSV) file that is published on a website. A dataset for the file for this file does not exist. Data from the CSV file must be ingested into the designer pipeline with the least amount of administrative effort as possible. Which of the following actions should you take? |
44 | You need to consider the underlined segment to establish whether it is accurate. To improve the amount of low incidence cases in a dataset, you should make use of the SMOTE module. |
45 | You have been tasked with evaluating your model on a partial data sample via k-fold cross-validation. You have already configured a k parameter as the number of splits. You now have to configure the k parameter for the cross-validation with the usual value choice. Recommendation: You configure the use of the value k=1. Will the requirements be satisfied? |
46 | You have been tasked with ascertaining if two sets of data differ considerably. You will make use of Azure Machine Learning Studio to complete your task. You plan to perform a paired t-test. Which of the following are conditions that must apply to use a paired t-test? |
47 | You have been tasked with constructing a machine learning model that translates language text into a different language text. The machine learning model must be constructed and trained to learn the sequence of the. Recommendation: You make use of Generative Adversarial Networks (GANs). Will the requirements be satisfied? |
48 | You are in the process of constructing a deep convolutional neural network (CNN). The CNN will be used for image classification. You notice that the CNN model you constructed displays hints of overfitting. You want to make sure that overfitting is minimized, and that the model is converged to an optimal fit. Which of the following is TRUE with regards to achieving your goal? |
49 | You create an Azure Machine Learning workspace. You must implement dedicated compute for model training in the workspace by using Azure Synapse compute resources. The solution must attach the dedicated compute and start an Azure Synapse session. You need to implement the computer resources. Which three actions should you perform in sequence? |
50 | You are implementing a machine learning model to predict stock prices. The model uses a PostgreSQL database and requires GPU processing. You need to create a virtual machine that is pre-configured with the required tools. What should you do? |
51 | You are moving a large dataset from Azure Machine Learning Studio to a Weka environment. You need to format the data for the Weka environment. Which module should you use? |
52 | You plan to use a Deep Learning Virtual Machine (DLVM) to train deep learning models using Compute Unified Device Architecture (CUDA) computations. You need to configure the DLVM to support CUDA. What should you implement? |
53 | You are performing sentiment analysis using a CSV file that includes 12,000 customer reviews written in a short sentence format. You add the CSV file to Azure Machine Learning Studio and configure it as the starting point dataset of an experiment. You add the Extract N-Gram Features from Text module to the experiment to extract key phrases from the customer review column in the dataset. You must create a new n-gram dictionary from the customer review text and set the maximum n-gram size to trigrams. What should you select? |
54 | You are solving a classification task. The dataset is imbalanced. You need to select an Azure Machine Learning Studio module to improve the classification accuracy. Which module should you use? |
55 | You use Azure Machine Learning Studio to build a machine learning experiment. You need to divide data into two distinct datasets. Which module should you use? |
56 | You are retrieving data from a large datastore by using Azure Machine Learning Studio. You must create a subset of the data for testing purposes using a random sampling seed based on the system clock. You add the Partition and Sample module to your experiment. You need to select the properties for the module. Which values should you select? |
57 | The finance team asks you to train a model using data in an Azure Storage blob container named finance-data. You need to register the container as a datastore in an Azure Machine Learning workspace and ensure that an error will be raised if the container does not exist. How should you complete the code? |
58 | A coworker registers a datastore in a Machine Learning services workspace by using the following code: _________ You need to write code to access the datastore from a notebook. How should you complete the code segment? |
59 | An organization uses Azure Machine Learning service and wants to expand their use of machine learning. You have the following compute environments. The organization does not want to create another compute environment. __________ You need to determine which compute environment to use for the following scenarios. Which compute types should you use? |
60 | You are developing a deep learning model by using TensorFlow. You plan to run the model training workload on an Azure Machine Learning Compute Instance. You must use CUDA-based model training. You need to provision the Compute Instance. Which two virtual machines sizes can you use? |
61 | You are using Azure Machine Learning Studio to perform feature engineering on a dataset. You need to normalize values to produce a feature column grouped into bins. Solution: Apply an Entropy Minimum Description Length (MDL) binning mode. Does the solution meet the goal? |
62 | You are a data scientist using Azure Machine Learning Studio. You need to normalize values to produce an output column into bins to predict a target column. Solution: Apply a Quantiles normalization with a QuantileIndex normalization. Does the solution meet the goal? |
63 | You are analyzing a dataset by using Azure Machine Learning Studio. You need to generate a statistical summary that contains the p-value and the unique count for each feature column. Which two modules can you use? |
64 | You are creating a machine learning model in Python. The provided dataset contains several numerical columns and one text column. The text column represents a product’s category. The product category will always be one of the following: ✑ Bikes ✑ Cars ✑ Vans ✑ Boats You are building a regression model using the scikit-learn Python package. You need to transform the text data to be compatible with the scikit-learn Python package. How should you complete the code segment? |
65 | You are analyzing a numerical dataset which contains missing values in several columns. You must clean the missing values using an appropriate operation without affecting the dimensionality of the feature set. You need to analyze a full dataset to include all values. Solution: Replace each missing value using the Multiple Imputation by Chained Equations (MICE) method. Does the solution meet the goal? |
66 | You are creating a new experiment in Azure Machine Learning Studio. You have a small dataset that has missing values in many columns. The data does not require the application of predictors for each column. You plan to use the Clean Missing Data. You need to select a data cleaning method. Which method should you use? |
67 | You are a lead data scientist for a project that tracks the health and migration of birds. You create a multi-class image classification deep learning model that uses a set of labeled bird photographs collected by experts. You have 100,000 photographs of birds. All photographs use the JPG format and are stored in an Azure blob container in an Azure subscription. You need to access the bird photograph files in the Azure blob container from the Azure Machine Learning service workspace that will be used for deep learning model training. You must minimize data movement. What should you do? |
68 | You create an Azure Machine Learning workspace. You must create a custom role named DataScientist that meets the following requirements: ✑ Role members must not be able to delete the workspace. ✑ Role members must not be able to create, update, or delete compute resources in the workspace. ✑ Role members must not be able to add new users to the workspace. You need to create a JSON file for the DataScientist role in the Azure Machine Learning workspace. The custom role must enforce the restrictions specified by the IT Operations team. Which JSON code segment should you use? |
69 | You are a data scientist using Azure Machine Learning Studio. You need to normalize values to produce an output column into bins to predict a target column. Solution: Apply a Quantiles binning mode with a PQuantile normalization. Does the solution meet the goal? |
70 | You are with a time series dataset in Azure Machine Learning Studio. You need to split your dataset into training and testing subsets by using the Split Data module. Which splitting mode should you use? |
71 | You create an Azure Machine Learning workspace. You are preparing a local Python environment on a laptop computer. You want to use the laptop to connect to the workspace and run experiments. You create the following config.json file. ___________ You must use the Azure Machine Learning SDK to interact with data and experiments in the workspace. You need to configure the config.json file to connect to the workspace from the Python environment. Which two additional parameters must you add to the config.json file in order to connect to the workspace? |
72 | You create an Azure Machine Learning compute resource to train models. The compute resource is configured as follows: ✑ Minimum nodes: 2 ✑ Maximum nodes: 4 You must decrease the minimum number of nodes and increase the maximum number of nodes to the following values: ✑ Minimum nodes: 0 ✑ Maximum nodes: 8 You need to reconfigure the compute resource. What are three possible ways to achieve this goal? |
73 | You create a new Azure subscription. No resources are provisioned in the subscription. You need to create an Azure Machine Learning workspace. What are three possible ways to achieve this goal? |
74 | You have an Azure Machine Learning workspace named workspace1 that is accessible from a public endpoint. The workspace contains an Azure Blob storage datastore named store1 that represents a blob container in an Azure storage account named account1. You configure workspace1 and account1 to be accessible by using private endpoints in the same virtual network. You must be able to access the contents of store1 by using the Azure Machine Learning SDK for Python. You must be able to preview the contents of store1 by using Azure Machine Learning studio. You need to configure store1. What should you do? |
75 | You are using a Git repository to track work in an Azure Machine Learning workspace. You need to authenticate a Git account by using SSH. Which three actions should you perform in sequence? |
76 | You plan to create a speech recognition deep learning model. The model must support the latest version of Python. You need to recommend a deep learning framework for speech recognition to include in the Data Science Virtual Machine (DSVM). What should you recommend? |
77 | You plan to use a Data Science Virtual Machine (DSVM) with the open source deep learning frameworks Caffe2 and PyTorch. You need to select a pre-configured DSVM to support the frameworks. What should you create? |
78 | You are developing a data science workspace that uses an Azure Machine Learning service. You need to select a compute target to deploy the workspace. What should you use? |
79 | You configure a Deep Learning Virtual Machine for Windows. You need to recommend tools and frameworks to perform the following: ✑ Build deep neural network (DNN) models ✑ Perform interactive data exploration and visualization Which tools and frameworks should you recommend? |
80 | You are creating an experiment by using Azure Machine Learning Studio. You must divide the data into four subsets for evaluation. There is a high degree of missing values in the data. You must prepare the data for analysis. You need to select appropriate methods for producing the experiment. Which three modules should you run in sequence? |
81 | You are creating a machine learning model. You have a dataset that contains null rows. You need to use the Clean Missing Data module in Azure Machine Learning Studio to identify and resolve the null and missing data in the dataset. Which parameter should you use? |
82 | You plan to provision an Azure Machine Learning Basic edition workspace for a data science project. You need to identify the tasks you will be able to perform in the workspace. Which three tasks will you be able to perform? |
83 | A set of CSV files contains sales records. All the CSV files have the same data schema. Each CSV file contains the sales record for a particular month and has the filename sales.csv. Each file is stored in a folder that indicates the month and year when the data was recorded. The folders are in an Azure blob container for which a datastore has been defined in an Azure Machine Learning workspace. The folders are organized in a parent folder named sales to create the following hierarchical structure: ______________ At the end of each month, a new folder with that month’s sales file is added to the sales folder. You plan to use the sales data to train a machine learning model based on the following requirements: ✑ You must define a dataset that loads all of the sales data to date into a structure that can be easily converted to a dataframe. ✑ You must be able to create experiments that use only data that was created before a specific previous month, ignoring any data that was added after that month. ✑ You must register the minimum number of datasets possible. You need to register the sales data as a dataset in Azure Machine Learning service workspace. What should you do? |
84 | You create an Azure Machine Learning compute target named ComputeOne by using the STANDARD_D1 virtual machine image. ComputeOne is currently idle and has zero active nodes. You define a Python variable named ws that references the Azure Machine Learning workspace. You run the following Python code: ____________ |
85 | You are analyzing a raw dataset that requires cleaning. You must perform transformations and manipulations by using Azure Machine Learning Studio. You need to identify the correct modules to perform the transformations. Which modules should you choose? |
86 | You are preparing to use the Azure ML SDK to run an experiment and need to create compute. You run the following code: ___________ |
87 | You are creating a new experiment in Azure Machine Learning Studio. One class has a much smaller number of observations than the other classes in the training set. You need to select an appropriate data sampling strategy to compensate for the class imbalance. Solution: You use the Scale and Reduce sampling mode. Does the solution meet the goal? |
88 | You are analyzing a numerical dataset which contains missing values in several columns. You must clean the missing values using an appropriate operation without affecting the dimensionality of the feature set. You need to analyze a full dataset to include all values. Solution: Use the Last Observation Carried Forward (LOCF) method to impute the missing data points. Does the solution meet the goal? |
89 | You plan to deliver a hands-on workshop to several students. The workshop will focus on creating data visualizations using Python. Each student will use a device that has internet access. Student devices are not configured for Python development. Students do not have administrator access to install software on their devices. Azure subscriptions are not available for students. You need to ensure that students can run Python-based data visualization code. Which Azure tool should you use? |
90 | You are analyzing a numerical dataset which contains missing values in several columns. You must clean the missing values using an appropriate operation without affecting the dimensionality of the feature set. You need to analyze a full dataset to include all values. Solution: Remove the entire column that contains the missing data point. Does the solution meet the goal? |
91 | You use Azure Machine Learning Studio to build a machine learning experiment. You need to divide data into two distinct datasets. Which module should you use? |
92 | You are analyzing a numerical dataset which contains missing values in several columns. You must clean the missing values using an appropriate operation without affecting the dimensionality of the feature set. You need to analyze a full dataset to include all values. Solution: Calculate the column median value and use the median value as the replacement for any missing value in the column. Does the solution meet the goal? |
93 | You are a data scientist using Azure Machine Learning Studio. You need to normalize values to produce an output column into bins to predict a target column. Solution: Apply an Equal Width with Custom Start and Stop binning mode. Does the solution meet the goal? |
94 | You are evaluating a Python NumPy array that contains six data points defined as follows: data = [10, 20, 30, 40, 50, 60]. You must generate the following output by using the k-fold algorithm implantation in the Python Scikit-learn machine learning library: train: [10 40 50 60], test: [20 30] train: [20 30 40 60], test: [10 50] train: [10 20 30 50], test: [40 60] You need to implement a cross-validation to generate the output. How should you complete the code segment? |
95 | You are preparing to build a deep learning convolutional neural network model for image classification. You create a script to train the model using CUDA devices. You must submit an experiment that runs this script in the Azure Machine Learning workspace. The following compute resources are available: ✑ a Microsoft Surface device on which Microsoft Office has been installed. Corporate IT policies prevent the installation of additional software ✑ a Compute Instance named ds-workstation in the workspace with 2 CPUs and 8 GB of memory ✑ an Azure Machine Learning compute target named cpu-cluster with eight CPU-based nodes ✑ an Azure Machine Learning compute target named gpu-cluster with four CPU and GPU-based nodes You need to specify the compute resources to be used for running the code to submit the experiment, and for running the script in order to minimize model training time. Which resources should the data scientist use? |
96 | You are performing a classification task in Azure Machine Learning Studio. You must prepare balanced testing and training samples based on a provided data set. You need to split the data with a 0.75:0.25 ratio. Which value should you use for each parameter? |
97 | You have a dataset that contains 2,000 rows. You are building a machine learning classification model by using Azure Learning Studio. You add a Partition and Sample module to the experiment. You need to configure the module. You must meet the following requirements: ✑ Divide the data into subsets ✑ Assign the rows into folds using a round-robin method ✑ Allow rows in the dataset to be reused How should you configure the module? |
98 | You create an Azure Machine Learning workspace and set up a development environment. You plan to train a deep neural network (DNN) by using the Tensorflow framework and by using estimators to submit training scripts. You must optimize computation speed for training runs. You need to choose the appropriate estimator to use as well as the appropriate training compute target configuration. Which values should you use? |
99 | You are using an Azure Machine Learning workspace. You set up an environment for model testing and an environment for production. The compute target for testing must minimize cost and deployment efforts. The compute target for production must provide fast response time, autoscaling of the deployed service, and support real-time inferencing. You need to configure compute targets for model testing and production. Which compute targets should you use? |
100 | You use Azure Machine Learning to train a model based on a dataset named dataset1. You define a dataset monitor and create a dataset named dataset2 that contains new data. You need to compare dataset1 and dataset2 by using the Azure Machine Learning SDK for Python. Which method of the DataDriftDetector class should you use? |
101 | Resource groups provide organizations with the ability to manage the compliance of Azure resources across multiple subscriptions. |
102 | A single Microsoft account can be used to manage multiple Azure subscriptions. Two Azure subscriptions can be merged into a single subscriptions. A company can use resources from multiple subscriptions. |
103 | You have an Azure environment that contains multiple Azure virtual machines. You plan to implement a solution that enables the client computers on your on-premises network to communicate to the Azure virtual machines. You need to recommend which Azure resources must be created for the planned solution. Which two Azure resources should you include in the recommendation? |
104 | Each Azure subscription can contain multiple account administrators. Each Azure subscription can be managed by using a Microsoft account only. An Azure resource group contains multiple Azure subscriptions. |
105 | You plan to create an Azure virtual machine. You need to identify which storage service must be used to store the unmanaged data disks of the virtual machine. What should you identify? |
106 | Your company plans to migrate to Azure. The company has several departments. All the Azure resources used by each department will be managed by a department administrator. What are two possible techniques to segment Azure for the departments? |
107 | You have several virtual machines in an Azure subscription. You create a new subscription. |
108 | You attempt to create several managed Microsoft SQL Server instances in an Azure environment and receive a message that you must increase your Azure subscription limits. What should you do to increase the limits? |
109 | Availability zones can be implemented in all Azure regions. Only virtual machines that run Windows Server can be created in availability zones. Availability zones are used to replicate data and applications to multiple regions. |
110 | Your company plans to move several servers to Azure. The company’s compliance policy states that a server named FinServer must be on a separate network segment. You are evaluating which Azure services can be used to meet the compliance policy requirements. Which Azure solution should you recommend? |
111 | You plan to deploy a critical line-of-business application to Azure The application will run on an Azure virtual machine. You need to recommend a deployment solution for the application. The solution must provide a guaranteed availability of 99.99 percent. What is the minimum number of virtual machines and the minimum number of availability zones you should recommend for the deployment? |
112 | You plan to map a network drive from several computers that run Windows 10 to Azure Storage. You need to create a storage solution in Azure for the planned mapped drive. What should you create? |
113 | Your company plans to start using Azure and will migrate all its network resources to Azure. You need to start the planning process by exploring Azure. What should you create first? |
114 | All the Azure resources deployed to a resource group must use the same Azure region. If you assign a tag to a resource group, all the Azure resources in that resource group are assigned to the same tag. If you assign permissions for a user to manage a resource group, the user can manage all the Azure resources in that resource group. |
115 | You plan to implement an Azure database solution. You need to implement a database solution that meets the following requirements: ✑ Can add data concurrently from multiple regions ✑ Can store JSON documents Which database service should you deploy? |
116 | Data that is stored in the Archive access tier of an Azure Storage account |
117 | If you have Azure resources deployed to every region you can implement availability zones in all the regions. Only virtual machines that run Windows Server can be created in availability zones. Availability zones are used to replicate data and applications to multiple regions. |
118 | Data that is stored in an Azure Storage account automatically has at least three copies. All data that is copied to an Azure Storage account is backed up automatically to another Azure data center. An Azure Storage account can contain up to 2 TB of data and up to one million files. |
119 | Which Azure service should you use to collect events from multiple resources into a centralized repository? |
120 | North America is represented by a single Azure region. Every Azure region has multiple datacenters. Data transfers between Azure services located in different Azure regions are always free. |
121 | A Windows Virtual Desktop session host can run Windows 10 only. A Windows Virtual Desktop host pool that includes 20 session hosts supports a maximum of 20 simultaneous user connections. Windows Virtual Desktop supports desktop and app visualization. |
122 | You need to be notified when Microsoft plans to perform maintenance that can affect the resources deployed to an Azure subscription. What should you use? |
123 | You plan to deploy several Azure virtual machines. You need to ensure that the services running on the virtual machines are available if a single data center fails. Solution: You deploy the virtual machines to two or more scale sets. Does this meet the goal? |
124 | You can use Availability Zones in Azure to protect Azure virtual machines from a datacenter failure. You can use Availability Zones in Azure to protect Azure virtual machines from a region failure. You can use Availability Zones in Azure to protect Azure managed disks from a datacenter failure. |
125 | A cloud service that supports a maximum of 20 instances is more __________ than a service that supports a maximum of five instances. |
126 | To use Azure Active Directory (Azure AD) credentials to sign in to a computer that runs Windows 10, the computer must be joined to Azure AD. Users in Azure Active Directory (Azure AD) are organized by using resource groups. Azure Active Directory (Azure AD) groups support dynamic membership rules. |
127 | A managed service that provides bidirectional communication between IoT devices and Azure. A fully managed software as a service (SaaS) solution to connect, monitor, and manage IoT devices at scale. A software and hardware solution that provides communication and security features for IoT devices. |
128 | An Availability Zone in Azure has physically separate locations ___________. |
129 | ___________ can calculate cost savings due to reduced electricity consumption as a result of migrating on-premises Microsoft SQL servers to Azure. |
130 | An Azure subscription can have multiple account administrators. An Azure subscription can be managed by using a Microsoft account only. An Azure resource group can contain multiple Azure subscriptions. |
131 | The Archive access tier is set at the storage account level. The Hot access tier is recommended for data that is accessed and modified frequently. The Cool access tier is recommended for long term backups. |
132 | You plan to deploy several Azure virtual machines. You need to ensure that the services running on the virtual machines remain available if a single data center fails. What are two possible solutions? |
133 | What is the most severe failure from which an Azure Availability Zone can be used to protect access to Azure service? |
134 | Restrict which virtual machine types can be created in a subscription. Identify Azure resources that are associated with specific cost centers. Deploy a complete Azure application environment including resources configuration and role assignments. |
135 | An availability Zone in Azure has physically separate locations ____________. |
136 | You need to purchase a third-party virtual security appliance that you will deploy to an Azure subscription. What should you use? |
137 | Provide operating system virtualization. Provide portable environment for virtualized applications. Used to build, deploy, and scale web apps. Provide a platform for serverless code. |
138 | A fully managed data warehouse that has integral security at every level of scale at no extra cost. A globally distributed database that supports NoSQL. Managed Apache Hadoop clusters in the cloud that enable you to process massive amounts of data. |
139 | You plan to deploy 20 virtual machines to an Azure environment. To ensure that a virtual machine named VM1 cannot connect to the other virtual machines, VM1 must ____________. |
140 | Executes code. Is always stateful. Runs only in the cloud. |
141 | ____________ is a highly secure IoT solution that includes a microcontroller unit(MCU) and a customized Linux operating system. |
142 | You plan to deploy a service to Azure virtual machines. You need to ensure that the service will be available if a datacenter fails. What should you use as part of the virtual machine deployment? |
143 | You have several virtual machines in an Azure subscription You create a new subscription. |
144 | An Azure region ____________. |
145 | Azure App Service Azure virtual machines Microsoft Dynamics 365. |
146 | You need to purchase a third-party virtual security appliance that you will deploy to an Azure subscription. What should you use? |
147 | What is the function of a Site-to-Site VPN? |
148 | A cloud-based file server. A cloud-based accounting system. A cloud-based service for custom apps. |
149 | Your company has an Azure subscription that contains resources in several regions. You need to ensure that administrators can only create resources in those regions. What should you use? |
150 | You can use the Azure File Sync agent to sync on-premises data to an Azure ______________. |
151 | You plan to deploy several Azure virtual machines. You need to ensure that the services running on the virtual machines are available if a single data center fails. Solution: You deploy the virtual machines to two or more availability zones. Does this meet the goal? |
152 | When you need to delegate permissions to several Azure virtual machines simultaneously, you must deploy the Azure virtual machines ______________. |
153 | At which OSI layer does ExpressRoute operate? |
154 | Azure resources can only access other resources in the same resource group. If you delete a resource group, all the resources in the resource group will be deleted. A resource group can contain resources from multiple Azure regions. |
155 | You plan to deploy several Azure virtual machines. You need to ensure that the services running on the virtual machines are available if a single data center fails. Solution: You deploy the virtual machines to two or more regions. Does this meet the goal? |
156 | Application insights is a feature of ____________. |
157 | One of the benefits of Azure SQL Data Warehouse is that high availability is built into the platform. |
158 | You plan to store 20 TB of data in Azure. The data will be accessed infrequently and visualized by using Microsoft Power BI. You need to recommend a storage solution for the data. Which two solutions should you recommend? |
159 | You need to manage containers. Which two services can you use? |
160 | An Azure container instance is an example of an Azure _____________. |
161 | Azure Blob Storage is a ___________. |
162 | A managed relational cloud database service. A cloud-based service that leverages massively parallel processing (MPP) to quickly run complex queries across petabytes of data in a relational database. Can run massively parallel data transformation and processing programs across petabytes of data. An open-source framework for the distributed processing and analysis of big data sets in clusters. |
163 | From Azure Service Health an administrator can view the health of all the services in an Azure environment. From Azure Service Health, an administrator can create a rule to be alerted if an Azure service fails. From Azure Service Health, an administrator can prevent a service failure. |
164 | Zero-redundant storage (ZRS). Geo-redundant storage (GRS). Locally-redundant storage (LRS). |
165 | An Azure administrator plans to run a PowerShell script that creates Azure resources. You need to recommend which computer configuration to use to run the script. Solution: Run the script from a computer that runs Chrome OS and uses Azure Cloud Shell. Does this meet the goal? |
166 | An integrated solution for the deployment of code. A tool that provides guidance and recommendations to improve an Azure environment. A simplified tool to build intelligent Artificial Intelligence (AI) applications. Monitors web applications. |
167 | An Azure administrator plans to run a PowerShell script that creates Azure resources. You need to recommend which computer configuration to use to run the script. Solution: Run the script from a computer that runs macOS and has PowerShell Core 6.0 installed. Does this meet the goal? |
168 | You need to view a list of planned maintenance events that can affect the availability of an Azure subscription. Which blade should you use from the Azure portal? |
169 | You have an Azure environment that contains 10 web apps. To which URL should you connect to manage all the Azure resources? |
170 | An Azure administrator plans to run a PowerShell script that creates Azure resources. You need to recommend which computer configuration to use to run the script. Solution: Run the script from a computer that runs Linux and has the Azure CLI tools installed. Does this meet the goal? |
171 | You have an on-premises application that sends email notifications automatically based on a rule. You plan to migrate the application to Azure. You need to recommend a serverless computing solution for the application. What should you include in the recommendation? |
172 | GitHub is a cloud-based identity provider. Federation provides single sign-on (SSO) with multiple service providers. A central identity provider manages all modern authentication services such as authentication authorization and auditing. |
173 | You plan to deploy a website to Azure. The website will be accessed by users worldwide and will host large video files. You need to recommend which Azure feature must be used to provide the best video playback experience. What should you recommend? |
174 | You have an Azure web app. You need to manage the settings of the web app from an iPhone. What are two Azure management tools that you can use? |
175 | You have an Azure environment. You need to create a new Azure virtual machine from a tablet that runs the Android operating system. Solution: You use Bash in Azure Cloud Shell. Does this meet the goal? |
176 | Provides a cloud-based enterprise data warehouse (EDW). Uses past trainings to provide predictions that have high probability. Provides serverless computing functionalities. Processes data from millions of sensors. |
177 | You need to identify which blades in the Azure portal must be used to perform the following tasks: ✑ View security recommendations. ✑ Monitor the health of Azure services. ✑ Browse available virtual machine images. Which blade should you identify for each task? |
178 | Azure Advisor can generate a list of Azure virtual machines that are protected by Azure Backup. If you implement the security recommendations provided by Azure Advisor, your company’s secure score will decrease. To maintain Microsoft support, you must implement the security recommendations provided by Azure Advisor within a period of 30 days. |
179 | What can you use to automatically send an alert if an administrator stops an Azure virtual machine? |
180 | You have an Azure environment. You need to create a new Azure virtual machine from a tablet that runs the Android operating system. What are three possible solutions? |
181 | A team of developers at your company plans to deploy, and then remove, 50 virtual machines each week. All the virtual machines are configured by using Azure ResouArce Manager templates. You need to recommend which Azure service will minimize the administrative effort required to deploy and remove the virtual machines. What should you recommend? |
182 | You have an Azure subscription named Subscription1. You sign in to the Azure portal and create a resource group named RG1. From Azure documentation, you have the following command that creates a virtual machine named VM1. az vm create –resource-group RG1 –name VM1 –image UbuntuLTS–generate-ssh-keys. You need to create VM1 in Subscription1 by using the command. Solution: From a computer that runs Windows 10, install Azure CLI. From PowerShell, sign in to Azure and then run the command. Does this meet the goal? |
183 | Several support engineers plan to manage Azure by using the computers shown in the following table: ___________ You need to identify which Azure management tools can be used from each computer. What should you identify for each computer? |
184 | ____________ a common platform for deploying objects to a cloud infrastructure and for implementing consistency across the Azure environment. |
185 | An Azure administrator plans to run a PowerShell script that creates Azure resources. You need to recommend which computer configuration to use to run the script. Solution: Run the script from a computer that runs Windows 10 and has the Azure PowerShell module installed. Does this meet the goal? |
186 | ____________ is an Apache Spark based analytics service. |
187 | You have an Azure subscription named Subscription1. You sign in to the Azure portal and create a resource group named RG1. From Azure documentation, you have the following command that creates a virtual machine named VM1. az vm create –resource-group RG1 –name VM1 –image UbuntuLTS –generate-ssh-keys. You need to create VM1 in Subscription1 by using the command. Solution: From the Azure portal, launch Azure Cloud Shell and select Bash. Run the command in Cloud Shell. Does this meet the goal? |
188 | What can you use to identify underutilized or unused Azure virtual machines? |
189 | Provides a digital online assistant that provides speech support. Uses past trainings to provide predictions that have high probability. Provides serverless computing functionalities. Processes data from millions of sensors. |
190 | ____________ evaluates signals to allow or deny sign-ins to Azure AD. |
191 | Which service provides serverless computing in Azure? |
192 | An Azure administrator plans to run a PowerShell script that creates Azure resources. You need to recommend which computer configuration to use to run the script. Solution: Run the script from a computer that runs Windows 10 and has the Azure PowerShell module installed. Does this meet the goal? |
193 | You can use Azure Cost Management to view costs associated to management groups. You can use Azure Cost Management to view costs associated to resource groups. You can use Azure Cost Management to view the usage of virtual machines during the last three months. |
194 | You have an Azure subscription named Subscription1. You sign in to the Azure portal and create a resource group named RG1. From Azure documentation, you have the following command that creates a virtual machine named VM1. az vm create –resource-group RG1 –name VM1 –image UbuntuLTS–generate-ssh-keys. You need to create VM1 in Subscription1 by using the command. Solution: From a computer that runs Windows 10, install Azure CLI. From a command prompt, sign in to Azure and then run the command. Does this meet the goal? |
195 | You can access Compliance Manager from the ______________. |
196 | You have an Azure subscription named Subscription1. You sign in to the Azure portal and create a resource group named RG1. From Azure documentation, you have the following command that creates a virtual machine named VM1. az vm create –resource-group RG1 –name VM1 –image UbuntuLTS –generate-ssh-keys. You need to create VM1 in Subscription1 by using the command. Solution: From the Azure portal, launch Azure Cloud Shell and select PowerShell. Run the command in Cloud Shell. Does this meet the goal? |
197 | Your company has several business units. Each business unit requires 20 different Azure resources for daily operation. All the business units require the same type of Azure resources. You need to recommend a solution to automate the creation of the Azure resources. What should you include in the recommendations? |
198 | Which node in the Azure portal should you use to assign a user the Reader role for a resource group? |
199 | Azure Advisor provides recommendations on how to improve the security of an Azure Active Directory (Azure AD) environment. Azure Advisor provides recommendations on how to reduce the cost of running Azure virtual machines. Azure Advisor provides recommendations on how to configure the network settings on Azure virtual machines. |
200 | Provide operating system virtualization. Provide portable environment for virtualized applications. Used to build, deploy, and scale web apps. Provide a platform for serverless code. |
201 | You can manage an on-premises Windows server as an Azure resource by using ___________. |
202 | Azure PowerShell modules can be installed on macOS. Azure Cloud Shell can be accessed from a web browser on a Linux computer. The Azure portal can only be accessed from a Windows device. |
203 | You have an Azure environment. You need to create a new Azure virtual machine from a tablet that runs the Android operating system. Solution: You use PowerShell in Azure Cloud Shell. Does this meet the goal? |
204 | You must have internet connectivity to manage cloud services. You must install a management app to manage cloud services. You can manage cloud services from any modern web browser. |
205 | Provides the platform for serverless code. A big data analysis service for machine learning. Detects and diagnoses anomalies in web apps. Hosts web apps. |
206 | ______________ provides in-depth information about security privacy compliance offerings policies and features across Microsoft cloud products. |
207 | A support engineer plans to perform several Azure management tasks by using the Azure CLI. You install the CLI on a computer. You need to tell the support engineer which tools to use to run the CLI. Which two tools should you instruct the support engineer to use? |
208 | A team of developers at your company plans to deploy, and then remove, 50 customized virtual machines each week. Thirty of the virtual machines run Windows Server 2016 and 20 of the virtual machines run Ubuntu Linux. You need to recommend which Azure service will minimize the administrative effort required to deploy and remove the virtual machines. What should you recommend? |
209 | You have an Azure environment. You need to create a new Azure virtual machine from a tablet that runs the Android operating system. Solution: You use the Azure portal. Does this meet the goal? |
210 | You have an Azure environment. You need to create a new Azure virtual machine from a tablet that runs the Android operating system. Solution: You use the PowerApps portal. Does this meet the goal? |
211 | You can only manage cloud services from Windows devices. You can manage cloud services from the command line. You can manage cloud services by using a web browser. |
212 | Your company plans to deploy several web servers and several database servers to Azure. You need to recommend an Azure solution to limit the types of connections from the web servers to the database servers. What should you include in the recommendation? |
213 | _____________ is an apache spark-based analytics service. |
214 | Your Azure environment contains multiple Azure virtual machines. You need to ensure that a virtual machine named VM1 is accessible from the Internet over HTTP. Solution: You modify an Azure Traffic Manager profile. Does this meet the goal? |
215 | Which service provides network traffic filtering across multiple Azure subscriptions and virtual networks? |
216 | You need to manage Azure by using Azure Cloud Shell. Which Azure portal icon should you select? |
217 | You have a virtual machine named VM1 that runs Windows Server 2016. VM1 is in the East US Azure region. Which Azure service should you use from the Azure portal to view service failure notifications that can affect the availability of VM1? |
218 | Azure Monitor can monitor the performance of on-premises computers. Azure Monitor can send alerts to Azure Active Directory security groups. Azure Monitor can trigger alerts based on data in an Azure Log Analytics workspace. |
219 | _____________ you can view which user turned off a specific virtual machine during the last 14 days. |
220 | Which Azure service provides a set of version control tools to manage code? |
221 | Which Azure service can you use as a security information and event management (SIEM) solution? |
222 | Azure Firewall will encrypt all the network traffic sent from Azure to the Internet. A network security group (NSG) will encrypt all the network traffic sent from Azure to the Internet. Azure virtual machines that run Windows Server 2016 can encrypt network traffic sent to the Internet. |
223 | Which resources can be used as a source for a Network security group inbound security rule? |
224 | Azure Sentinel stores collected events in an Azure Storage account. Azure Sentinel can remediate incidents automatically. Azure Sentinel can collect Windows Defender Firewall logs from Azure virtual machines. |
225 | Azure Security Center can monitor Azure resources and on-premises resources. All Azure Security Center features are free. From Azure Security Center, you can download a Regulatory Compliance report. |
226 | You need to complete the defense-in-depth strategy used in a datacenter. What should you do? |
227 | Azure Sentinel uses playbooks to ____________. |
228 | You have an Azure virtual machine named VM1. You plan to encrypt VM1 by using Azure Disk Encryption. Which Azure resource must you create first? |
229 | Analyze security log files from Azure virtual machines. Display the secure score for an Azure subscription. Store passwords for use by Azure Function applications. |
230 | Which Azure service should you use to store certificates? |
231 | You have an Azure Sentinel workspace. You need to automate responses to threats detected by Azure Sentinel. What should you use? |
232 | You can view your company’s regulatory compliance report from ________________. |
233 | Microsoft 365 is an example of which cloud service model? |
234 | An Azure Policy initiative definition is a ________________. |
235 | You need to collect and automatically analyze security events from Azure Active Directory (Azure AD). What should you use? |
236 | You can enable just in time (JIT) CM access by using ________________. |
237 | Which Azure service can you use as a security information and event management (SIEM) solution? |
238 | You need to migrate an on-premises server by using a lift-and-shift migration. To which type of cloud service should you migrate? |
239 | You have an Azure subscription. You need to review your secure score. What should you use? |
240 | Azure distributed denial of service (DDoS) protection is an example of protection that is implemented at the _______________. |
241 | Your Azure environment contains multiple Azure virtual machines. You need to ensure that a virtual machine named VM1 is accessible from the Internet over HTTP. What are two possible solutions? |
242 | You need to configure an Azure solution that meets the following requirements: ✑ Secures websites from attacks ✑ Generates reports that contain details of attempted attacks What should you include in the solution? |
243 | You plan to implement several security services for an Azure environment. You need to identify which Azure services must be used to meet the following security requirements: ✑ Monitor threats by using sensors ✑ Enforce Azure Multi-Factor Authentication (MFA) based on a condition Which Azure service should you identify for each requirement? |
244 | Your company plans to automate the deployment of servers to Azure. Your manager is concerned that you may expose administrative credentials during the deployment. You need to recommend an Azure solution that encrypts the administrative credentials during the deployment. What should you include in the recommendation? |
245 | The ability to use the same credentials to access multiple resources and applications from different providers. The process of identifying the access level of a user or service. Requires several elements to identify a user or a service. |
246 | Microsoft Sentinel uses playbooks to ______________. |
247 | ________________ enables users to authenticate to multiple applications by using single sign-on. |
248 | Azure distributed denial of service (DDoS) protection is an example of protection that is implemented at the __________________. |
249 | After you create a virtual machine you need to modify the to allow connections to TCP port 8080 on the virtual machine __________________. |
250 | A network security group (NSG) will block all network traffic by default. Application security groups can be specified as part of network security group (NSG) rules. Network security groups (NSGs) always include inbound security rules and outbound security rules. |