
Here, We discuss kickstarting your Azure career with insights into the Microsoft AZ900 Exam and boost your success using the AZ900 Practice Test.
Are you looking to kickstart your career in the Azure cloud?
As the demand for cloud professionals continues to rise, Microsoft Azure certifications have become a valuable asset. The AZ900 Exam, also known as the Microsoft Azure Fundamentals certification, serves as an entry point for those new to cloud services. This exam is tailored for individuals who want to validate their foundational knowledge of Azure and its core services.
What is Microsoft AZ900?
The AZ900 Exam is designed to assess your understanding of basic cloud concepts, Azure services, security, privacy, pricing, and support. It doesn’t require any prior technical knowledge, making it accessible for beginners. However, a general familiarity with IT environments can be beneficial.
how do know course details and schedule AZ900 exams?
Skills Required for the Exam
To excel in the AZ900 Exam, you should focus on understanding the following areas:
- Core Azure services such as computing, networking, storage, and databases.
- Security and privacy features of Azure.
- Azure pricing models and service level agreements.
- The fundamentals of cloud concepts, including scalability and elasticity.
Preparing with AZ900 Practice Tests
Leveraging AZ900 practice tests is a crucial step in your preparation. These tests mimic the format and style of the actual exam, allowing you to identify knowledge gaps and build confidence. Additionally, AZ900 dumps resources can provide a broader range of questions to practice with.
AZ900 Practice Test – Q250-458 Real and Latest Questions

Microsoft AZ900 Practice Test – Real and Latest Questions
Q1. ____ is required for a Deep Learning Virtual Machine(DLVM) to support Compute Unified Device Architecture(CUDA) computations.

Correct Answer

Q2. 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?
- You should make use of the Split Data module.
- You should make use of the Group Categorical Values module.
- You should make use of the Clip Values module.
- You should make use of the Group Data into Bins module.
Correct Answer
4. You should make use of the Group Data into Bins module.
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/group-data-into-bins
Q3. 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?
- Yes
- No
Correct Answer
2. No
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/data-science-virtual-machine/overview
Q4. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/team-data-science-process/move-azure-blob
Q5. 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?
- Yes
- No
Correct Answer
2. No
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/cross-validate-model
Q6. 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?
- Yes
- No
Correct Answer
2. No
Reference :
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/clean-missing-data
Q7. 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.
Select the accurate option.
- No adjustment is required.
- Convert to Indicator Values
- Apply SQL Transformation
- Group Categorical Values
Correct Answer
2. Convert to Indicator Values
Q8. 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?
- You should consider configuring the use of Azure Container Instance.
- You should consider configuring the use of Azure BatchAI.
- You should consider configuring the use of Azure Notebooks.
- You should consider configuring the use of Azure Kubernetes Service.
Correct Answer
3. You should consider configuring the use of Azure Notebooks.
Reference:
https://notebooks.azure.com/
Q9. 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?
- You should consider using Venn diagram visualization.
- You should consider using Receiver Operating Characteristic (ROC) curve visualization.
- You should consider using Box plot visualization.
- You should consider using the Binary classification confusion matrix visualization.
Correct Answer
4. You should consider using the Binary classification confusion matrix visualization.
Q10. ____ in Azure Firewall enables users on the internet to access a server on a virtual network.

Correct Answer

Q11. You are in the process of carrying out feature engineering on a dataset.
You want to add a feature to the dataset and fill in the column value.
Recommendation: You must make use of the Edit Metadata Azure Machine Learning Studio module.
Will the requirements be satisfied?
- Yes
- No
Correct Answer
1. Yes
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/edit-metadata
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/join-data
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/group-categorical-values
Q12. 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?
- You should make use of the featurization parameter with the ‘auto’ value pair.
- You should make use of the featurization parameter with the ‘off’ value pair.
- You should make use of the featurization parameter with the ‘on’ value pair.
- You should make use of the featurization parameter with the ‘FeaturizationConfig’ value pair.
Correct Answer
1. You should make use of the featurization parameter with the ‘auto’ value pair.
Q13. 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?
- Yes
- No
Correct Answer
2. No
Q14. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio/evaluate-model-performance
Q15. 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?
- You should consider making use of the Selective grid sweep mode.
- You should consider making use of the Measured grid sweep mode.
- You should consider making use of the Entire grid sweep mode.
- You should consider making use of the Random grid sweep mode.
Correct Answer
4. You should consider making use of the Random grid sweep mode.
Q16. You are planning to make use of Azure Machine Learning Designer to train models.
You need to choose a suitable compute type.
Recommendation: You choose the Inference cluster.
Will the requirements be satisfied?
- Yes
- No
Correct Answer
2. No
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/how-to-create-attach-compute-studio
Q17. You are making use of Azure Machine Learning to design and construct an experiment.
After dividing a dataset into training and testing sets, you configure the algorithm to be a 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?
- Train, Score, Evaluate.
- Score, Evaluate, Train.
- Evaluate, Export Data, Train.
- Train, Score, Export Data.
Correct Answer
1. Train, Score, Evaluate.
Q18. 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?
- Build the environment in Apache Hive for HDInsight and use Azure Data Factory for orchestration.
- Build the environment in Azure Databricks and use Azure Data Factory for orchestration.
- Build the environment in Apache Spark for HDInsight and use Azure Container Instances for orchestration.
- Build the environment in Azure Databricks and use Azure Container Instances for orchestration.
Correct Answer
2. Build the environment in Azure Databricks and use Azure Data Factory for orchestration.
Q19. 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 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?
- Azure Machine Learning Service
- Azure Machine Learning Studio
- Azure Databricks
- Azure Kubernetes Service (AKS)
Correct Answer
1. Azure Machine Learning Service
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/data-science-virtual-machine/overview
Q20. 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?
- Bulk Insert SQL Query
- AzCopy
- Python script
- Azure Storage Explorer
- Bulk Copy Program (BCP)
Correct Answer
2. AzCopy
3. Python script
4. Azure Storage Explorer
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/team-data-science-process/move-azure-blob
Q21. 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 the requirements for this installation?

Correct Answer

Q22. 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?
- Yes
- No
Correct Answer
2. No
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/data-science-virtual-machine/overview
Q23. 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?
- Yes
- No
Correct Answer
1. Yes
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/data-science-virtual-machine/overview
Q24. 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?
- You should consider including Rattle.
- You should consider including TensorFlow.
- You should consider including Theano.
- You should consider including Chainer.
Correct Answer
2. You should consider including TensorFlow.
Q25. 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?
- Yes
- No
Correct Answer
1. Yes
Q26. 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?
- Yes
- No
Correct Answer
2. No
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/clean-missing-data
Q27. 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?
- Yes
- No
Correct Answer
1. Yes
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/clean-missing-data
Q28. ____ visualization can be used to reveal outliners in your data.

Correct Answer

Q29. ____ is a data cleaning option of the Clean Missing Data module that does not require predictors for each column.

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/clean-missing-data
Q30. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/poisson-regression
Q31. You are in the process of carrying out feature engineering on a dataset.
You want to add a feature to the dataset and fill in the column value.
Recommendation: You must make use of the Join Data Azure Machine Learning Studio module.
Will the requirements be satisfied?
- Yes
- No
Correct Answer
2. No
Q32. 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 Automated Machine Learning.
Which of the following actions should you take?
- You should disable deep learning.
- You should enable automatic featurization.
- You should disable automatic featurization.
- You should set the task type to Forecasting.
Correct Answer
1. You should disable deep learning.
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/how-to-use-automated-ml-for-ml-models
Q33. 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?
- Fast Forest Quantile Regression
- Poisson Regression
- Boosted Decision Tree Regression
- Linear Regression
Correct Answer
3. Boosted Decision Tree Regression
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/algorithm-module-reference/boosted-decision-tree-regression
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/evaluate-model
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/linear-regression
Q34. 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?
- Yes
- No
Correct Answer
1. Yes
Q35. 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?

Correct Answer

Q36. You are planning to make use of Azure Machine Learning Designer to train models.
You need to choose a suitable compute type.
Recommendation: You choose the attached compute.
Will the requirements be satisfied?
- Yes
- No
Correct Answer
2. No
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/how-to-create-attach-compute-studio
Q37. 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?
- Yes
- No
Correct Answer
1. Yes
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/how-to-create-attach-compute-studio
Q38. 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?
- Microsoft Hardware-Assisted Virtualization Detection Tool
- Kitematic
- BIOS-enabled virtualization
- VirtualBox
- Windows 10 64-bit Professional
Correct Answer
3. BIOS-enabled virtualization
5. Windows 10 64-bit Professional
Q39. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/hdinsight/spark/apache-spark-zeppelin-notebook
Q40. 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?
- Azure Cognitive Services
- Azure Data Lake Analytics
- Azure HDInsight with Spark MLib
- Azure Machine Learning Studio
Correct Answer
1. Azure Cognitive Services
Reference:
https://docs.microsoft.com/en-us/azure/cognitive-services/welcome
Q41. 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?
- Windows Server 2012 DSVM
- Windows Server 2016 DSVM
- Ubuntu 16.04 DSVM
- CentOS 7.4 DSVM
Correct Answer
3. Ubuntu 16.04 DSVM
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/data-science-virtual-machine/overview
Q42. To move a large dataset from Azure Machine Learning Studio to a Weka environment the data must be converted to the ____ format.

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/convert-to-arff
Q43. 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?
- You should make use of the Convert to TXT module.
- You should add the Copy Data object to the pipeline.
- You should add the Import Data object to the pipeline.
- You should add the Dataset object to the pipeline.
Correct Answer
4. You should add the Dataset object to the pipeline.
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/how-to-create-your-first-pipeline
Q44. 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.
Select the accurate option.
- No adjustment required.
- Remove Duplicate Rows
- Join Data
- Edit Metadata
Correct Answer
1. No adjustment required.
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/smote
Q45. 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?
- Yes
- No
Correct Answer
2. No
Q46. 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?
- All scores are independent from each other.
- You have a matched pairs of scores.
- The sampling distribution of d is normal.
- The sampling distribution of x1- x2 is normal.
Correct Answer
2. You have a matched pairs of scores.
3. The sampling distribution of d is normal.
Q47. 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?
- Yes
- No
Correct Answer
2. No
Q48. 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 regard to achieving your goal?
- You have to add an additional dense layer with 512 input units, and reduce the amount of training data.
- You have to add L1/L2 regularization and reduce the amount of training data.
- You have to reduce the amount of training data and make use of training data augmentation.
- You have to add L1/L2 regularization and make use of training data augmentation.
- You have to add an additional dense layer with 512 input units, and add L1/L2 regularization.
Correct Answer
2. You have to add L1/L2 regularization, and reduce the amount of training data.
Q49. 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?

Correct Answer

Q50. 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?
- Create a Data Science Virtual Machine (DSVM) Windows edition.
- Create a Geo Al Data Science Virtual Machine (Geo-DSVM) Windows edition.
- Create a Deep Learning Virtual Machine (DLVM) Linux edition.
- Create a Deep Learning Virtual Machine (DLVM) Windows edition.
Correct Answer
1. Create a Data Science Virtual Machine (DSVM) Windows edition.
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/data-science-virtual-machine/overview
Q51. 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?
- Convert to CSV
- Convert to Dataset
- Convert to ARFF
- Convert to SVMLight
Correct Answer
3. Convert to ARFF
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/convert-to-arff
Q52. 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?
- Solid State Drives (SSD)
- Computer Processing Unit (CPU) speed increase by using overclocking
- Graphic Processing Unit (GPU)
- High Random Access Memory (RAM) configuration
- Intel Software Guard Extensions (Intel SGX) technology
Correct Answer
3. Graphic Processing Unit (GPU)
Q53. 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 the 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?

Correct Answer

Q54. 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?
- Permutation Feature Importance
- Filter Based Feature Selection
- Fisher Linear Discriminant Analysis
- Synthetic Minority Oversampling Technique (SMOTE)
Correct Answer
Synthetic Minority Oversampling Technique (SMOTE)
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/smote
Q55. 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?
- Assign Data to Clusters
- Load Trained Model
- Partition and Sample
- Tune Model-Hyperparameters
Correct Answer
3. Partition and Sample
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/partition-and-sample
Q56. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/partition-and-sample
Q57. 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 data store 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/python/api/azureml-core/azureml.core.datastore.datastore
Q58. 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?

Q59. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/concept-compute-target
https://docs.microsoft.com/en-us/azure/machine-learning/how-to-set-up-training-targets
Q60. 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 machine sizes can you use?

Correct Answer

Q61. 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?
- Yes
- No
Correct Answer
1. Yes
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/group-data-into-bins
Q62. 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?
- Yes
- No
Correct Answer
2. No
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/group-data-into-bins
Q63. 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?
- Computer Linear Correlation
- Export Count Table
- Execute Python Script
- Convert to Indicator Values
- Summarize Data
Correct Answer
2. Export Count Table
5. Summarize Data
Q64. 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?

Correct Answer

Q65. 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?
- Yes
- No
Correct Answer
1. Yes
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/clean-missing-data
Q66. 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?
- Replace using Probabilistic PCA
- Normalization
- Synthetic Minority Oversampling Technique (SMOTE)
- Replace using MICE
Correct Answer
1. Replace using Probabilistic PCA
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/clean-missing-data
Q67. 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?
- Create an Azure Data Lake store and move the bird photographs to the store.
- Create an Azure Cosmos DB database and attach the Azure Blob containing bird photographs storage to the database.
- Create and register a dataset by using TabularDataset class that references the Azure blob storage containing bird photographs.
- Register the Azure blob storage containing the bird photographs as a datastore in Azure Machine Learning service.
- Copy the bird photographs to the blob datastore that was created with your Azure Machine Learning service workspace.
Correct Answer
4. Register the Azure blob storage containing the bird photographs as a datastore in Azure Machine Learning service.
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/how-to-access-data
Q68. 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?
- A

- B

- C

- D

Correct Answer
A

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/how-to-assign-roles
Q69. 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?
- Yes
- No
Correct Answer
2. No
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/group-data-into-bins
Q70. 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?
- Recommender Split
- Regular Expression Split
- Relative Expression Split
- Split Rows with the Randomized split parameter set to true
Correct Answer
4. Split Rows with the Randomized split parameter set to true
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/split-data
Q71. 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.
{
“workspace_name”: “ml-workspace”
}
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?
- login
- resource_group
- subscription_id
- key
- region
Correct Answer
2. resource_group
3. subscription_id
Reference:
https://docs.microsoft.com/en-us/python/api/azureml-core/azureml.core.workspace.workspace
Q72. 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?
- Use the Azure Machine Learning studio.
- Run the update method of the AmlCompute class in the Python SDK.
- Use the Azure portal.
- Use the Azure Machine Learning designer.
- Run the refresh_state() method of the BatchCompute class in the Python SDK.
Correct Answer
1. Use the Azure Machine Learning studio.
2. Run the update method of the AmlCompute class in the Python SDK.
3. Use the Azure portal.
Reference:
https://docs.microsoft.com/en-us/python/api/azureml-core/azureml.core.compute.amlcompute(class)
Q73. 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?
- Run Python code that uses the Azure ML SDK library and calls the Workspace.create method with name, subscription_id, and resource_group parameters.
- Navigate to Azure Machine Learning studio and create a workspace.
- Use the Azure Command Line Interface (CLI) with the Azure Machine Learning extension to call the az group create function with –name and –location parameters, and then the az ml workspace create function, specifying ג€”w and ג€”g parameters for the workspace name and resource group.
- Navigate to Azure Machine Learning studio and create a workspace.
- Run Python code that uses the Azure ML SDK library and calls the Workspace.get method with name, subscription_id, and resource_group parameters.
Correct Answer
2. Navigate to Azure Machine Learning studio and create a workspace.
3. Use the Azure Command Line Interface (CLI) with the Azure Machine Learning extension to call the az group create function with –name and –location parameters, and then the az ml workspace create function, specifying ג€”w and ג€”g parameters for the workspace name and resource group.
4. Navigate to Azure Machine Learning studio and create a workspace.
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/how-to-create-workspace-template
https://docs.microsoft.com/en-us/azure/machine-learning/how-to-manage-workspace-cli
https://docs.microsoft.com/en-us/azure/machine-learning/how-to-manage-workspace
Q74. 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?

Q75. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/concept-train-model-git-integration
Q76. 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?
- Rattle
- TensorFlow
- Weka
- Scikit-learn
Correct Answer
2. TensorFlow
Q77. 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?
- Data Science Virtual Machine for Windows 2012
- Data Science Virtual Machine for Linux (CentOS)
- Geo AI Data Science Virtual Machine with ArcGIS
- Data Science Virtual Machine for Windows 2016
- Data Science Virtual Machine for Linux (Ubuntu)
Correct Answer
5. Data Science Virtual Machine for Linux (Ubuntu)
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/data-science-virtual-machine/overview
Q78. 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?
- Azure Data Lake Analytics
- Azure Databricks
- Azure Container Service
- Apache Spark for HDInsight
Correct Answer
3. Azure Container Service
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/service/how-to-deploy-and-where
Q79. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/train-vowpal-wabbit-version-8-model
https://docs.microsoft.com/en-us/azure/architecture/data-guide/scenarios/interactive-data-exploration
Q80. 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?

Correct Answer


Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/clean-missing-data
Q81. 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?
- Replace with mean
- Remove entire column
- Remove entire row
- Hot Deck
- Custom substitution value
- Replace with mode
Correct Answer
3. Remove entire row
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/clean-missing-data
Q82. 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?
- Create a Compute Instance and use it to run code in Jupyter notebooks
- Create an Azure Kubernetes Service (AKS) inference cluster.
- Use the designer to train a model by dragging and dropping pre-defined modules.
- Create a tabular dataset that supports versioning.
- Use the Automated Machine Learning user interface to train a model.
Correct Answer
1. Create a Compute Instance and use it to run code in Jupyter notebooks
2. Create an Azure Kubernetes Service (AKS) inference cluster.
4. Create a tabular dataset that supports versioning.
Reference:
https://azure.microsoft.com/en-us/pricing/details/machine-learning/
Q83. 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 data frame.
-> 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 inthe Azure Machine Learning service workspace.
What should you do?
- Create a tabular dataset that references the datastore and explicitly specifies each ‘sales/mm-yyyy/sales.csv’ file every month. Register the dataset with the name sales_dataset each month, replacing the existing dataset and specifying a tag named month indicating the month and year it was registered. Use this dataset for all experiments.
- Create a tabular dataset that references the datastore and specifies the path ‘sales/*/sales.csv’, register the dataset with the name sales_dataset and a tag named month indicating the month and year it was registered, and use this dataset for all experiments.
- Create a new tabular dataset that references the datastore and explicitly specifies each ‘sales/mm-yyyy/sales.csv’ file every month. Register the dataset with the name sales_dataset_MM-YYYY each month with appropriate MM and YYYY values for the month and year. Use the appropriate month-specific dataset for experiments.
- Create a tabular dataset that references the datastore and explicitly specifies each ‘sales/mm-yyyy/sales.csv’ file. Register the dataset with the name sales_dataset each month as a new version and with a tag named month indicating the month and year it was registered. Use this dataset for all experiments, identifying the version to be used based on the month tag as necessary.
Correct Answer
2. Create a tabular dataset that references the datastore and specifies the path ‘sales/*/sales.csv’, register the dataset with the name sales_dataset and a tag named month indicating the month and year it was registered, and use this dataset for all experiments.
Q84. 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:

For each of the following statements, select Yes if the statement is true. Otherwise, select No.

Correct Answer

Reference:
https://docs.microsoft.com/en-us/python/api/azureml-core/azureml.core.compute.computetarget
Q85. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/smote
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/convert-to-indicator-values
Q86. You are preparing to use the Azure ML SDK to run an experiment and need to create compute. You run the following code:

For each of the following statements, select Yes if the statement is true. Otherwise, select No.

Correct Answer

Reference:
https://notebooks.azure.com/azureml/projects/azureml-getting-started/html/how-to-use-azureml/training/train-on-amlcompute/train-on-amlcompute.ipynb https://docs.microsoft.com/en-us/python/api/azureml-core/azureml.core.compute.computetarget
Q87. 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?
- Yes
- No
Correct Answer
2. No
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/smote
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/data-transformation-scale-and-reduce
Q88. 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?
- Yes
- No
Correct Answer
2. No
Q89. 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?
- Anaconda Data Science Platform
- Azure BatchAI
- Azure Notebooks
- Azure Machine Learning Service
Q90. 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?
- Yes
- No
Correct Answer
2. No
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/clean-missing-data
Q91. 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?
- Split Data
- Load Trained Model
- Assign Data to Clusters
- Group Data into Bins
Correct Answer
4. Group Data into Bins
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/group-data-into-bins
Q92. 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?
- Yes
- No
Correct Answer
2. No
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/clean-missing-data
Q93. 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?
- Yes
- No
Correct Answer
2. No
Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/group-data-into-bins
Q94. 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?

Correct Answer

Q95. 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?

Correct Answer

Reference:
https://azure.microsoft.com/sv-se/blog/azure-machine-learning-service-now-supports-nvidia-s-rapids/
Q96. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/split-data
Q97. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/studio-module-reference/partition-and-sample
Q98. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/python/api/azureml-train-core/azureml.train.dnn
Q99. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/machine-learning/concept-compute-target
Q100. 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?
- run
- get
- backfill
- update
Correct Answer
3. backfill
Q101. Resource groups provide organizations with the ability to manage the compliance of Azure resources across multiple subscriptions.
- No change is needed
- Management groups
- Azure policies
- Azure App Service plans
Correct Answer
3. Azure policies
References:
https://docs.microsoft.com/en-us/azure/governance/policy/overview
Q102. A single Microsoft account can be used to manage multiple Azure subscriptions. ____
Two Azure subscriptions can be merged into a single subscription. ____
A company can use resources from multiple subscriptions. ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/cost-management-billing/manage/create-subscription
Q103. 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 with 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?
- a virtual network gateway
- a load balancer
- an application gateway
- a virtual network
- a gateway subnet
Correct Answer
1. a virtual network gateway
5. a gateway subnet
Q104. 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. ____

Correct Answer

Q105. 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?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/storage/blobs/storage-blob-pageblob-overview
Q106. 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?
- multiple subscriptions
- multiple Azure Active Directory (Azure AD) directories
- multiple regions
- multiple resource groups
Correct Answer
1. multiple subscriptions
4. multiple resource groups
Reference:
https://docs.microsoft.com/en-us/azure/cost-management-billing/manage/create-subscription
https://docs.microsoft.com/en-us/azure/cost-management-billing/manage/add-change-subscription-administrator
Q107. You have several virtual machines in an Azure subscription. You create a new subscription _______

Correct Answer

Q108. 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?
- Create a service health alert
- Upgrade your support plan
- Modify an Azure policy
- Create a new support request
Correct Answer
4. Create a new support request
Q109. 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. ____

Correct Answer

Q110. 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?
- a resource group for FinServer and another resource group for all the other servers
- a virtual network for FinServer and another virtual network for all the other servers
- a VPN for FinServer and a virtual network gateway for each other server
- one resource group for all the servers and a resource lock for FinServer
Correct Answer
2. a virtual network for FinServer and another virtual network for all the other servers
References:
https://docs.microsoft.com/en-us/azure/virtual-network/virtual-network-vnet-plan-design-arm
Q111. 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?

Q112. 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?
- an Azure SQL database
- a virtual machine data disk
- a File service in a storage account
- a Blob service in a storage account
Correct Answer
3. a File service in a storage account
References:
https://docs.microsoft.com/en-us/azure/storage/files/storage-how-to-use-files-windows
Q113. 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?
- a subscription
- a resource group
- a virtual network
- a management group
Correct Answer
1. a subscription
Q114. 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. ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/azure-resource-manager/resource-group-overview
Q115. 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?

Correct Answer

References:
https://docs.microsoft.com/en-us/azure/cosmos-db/introduction
https://docs.microsoft.com/en-us/azure/azure-functions/functions-integrate-store-unstructured-data-cosmosdb?tabs=csharp
Q116. Data that is stored in the Archive access tier of an Azure Storage account _____

Correct Answer

Q117. 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. ____

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

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/storage/common/storage-account-overview
Q119. Which Azure service should you use to collect events from multiple resources into a centralized repository?
- Azure Event Hubs
- Azure Analysis Services
- Azure Monitor
- Azure Stream Analytics
Correct Answer
1. Azure Event Hubs
Reference:
https://docs.microsoft.com/en-us/azure/event-hubs/event-hubs-about
Q120. 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. ____

Correct Answer

References:
https://azure.microsoft.com/en-us/global-infrastructure/regions/
https://azure.microsoft.com/en-us/pricing/details/bandwidth/
Q121. 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. ____

Q122. 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?
- Azure Monitor
- Azure Service Health
- Azure Advisor
- Microsoft Trust Center
Correct Answer
2. Azure Service Health
Reference:
https://docs.microsoft.com/en-us/azure/service-health/overview
Q123. 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?
- Yes
- No
Correct Answer
2. No
Q124. 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. ____

Correct Answer

References:
https://docs.microsoft.com/en-us/azure/virtual-machines/windows/manage-availability
Q125. A cloud service that supports a maximum of 20 instances is more ____ than a service that supports a maximum of five instances.

Correct Answer

Q126. 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. ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/active-directory/enterprise-users/groups-dynamic-membership
Q127. ____ 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.

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure-sphere/product-overview/what-is-azure-sphere
https://docs.microsoft.com/en-us/azure/iot-central/core/overview-iot-central
https://docs.microsoft.com/en-us/azure/iot-hub/about-iot-hub
Q128. An Availability Zone in Azure has physically separate locations ____

Q129. ____ can calculate cost savings due to reduced electricity consumption as a result of migrating on-premises Microsoft SQL servers to Azure.

Correct Answer

Q130. 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. ____

Correct Answer

Q131. 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. ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/storage/blobs/storage-blob-storage-tiers
Q132. 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?
- Deploy the virtual machines to two or more availability zones.
- Deploy the virtual machines to two or more resource groups.
- Deploy the virtual machines to a scale set.
- Deploy the virtual machines to two or more regions.
Correct Answer
1. Deploy the virtual machines to two or more availability zones.
4. Deploy the virtual machines to two or more regions.
Reference:
https://docs.microsoft.com/en-us/azure/virtual-machine-scale-sets/overview
https://docs.microsoft.com/en-us/azure/virtual-machines/windows/regions
Q133. What is the most severe failure from which an Azure Availability Zone can be used to protect access to Azure service?
- a physical server failure
- an Azure region failure
- a storage failure
- an Azure data center failure
Correct Answer
4. an Azure data center failure
Reference:
https://docs.microsoft.com/en-us/azure/virtual-machines/availability
Q134. ____ 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.

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/governance/blueprints/overview
https://docs.microsoft.com/en-us/azure/governance/policy/overview
https://docs.microsoft.com/en-us/azure/azure-resource-manager/management/tag-resources?tabs=json
https://docs.microsoft.com/en-us/azure/azure-resource-manager/management/lock-resources?tabs=json
Q135. An availability Zone in Azure has physically separate locations ____

Q136. You need to purchase a third-party virtual security appliance that you will deploy to an Azure subscription.
What should you use?
- Azure subscriptions
- Azure Security Center
- Azure Marketplace
- Microsoft Store
Correct Answer
3. Azure Marketplace
Reference:
https://docs.microsoft.com/en-us/azure/cost-management-billing/manage/ea-azure-marketplace
Q137. ____ Provide operating system virtualization.
____ Provide portable environment for virtualized applications.
____ Used to build, deploy, and scale web apps.
____ Provide a platform for serverless code.

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/container-instances
https://azure.microsoft.com/en-us/services/app-service/
Q138. ____ 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.

Correct Answer

Q139. 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 ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/virtual-network/virtual-networks-udr-overview
Q140. Executes code: ____
Is always stateful: ____
Runs only in the cloud: ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/logic-apps/logic-apps-overview
https://docs.microsoft.com/en-us/azure/azure-functions/functions-overview
Q141. ____ is a highly secure IoT solution that includes a microcontroller unit(MCU) and a customized Linux operating system.

Correct Answer

Q142. 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?
- availability sets
- proximity placement groups
- host groups
- availability zones
Correct Answer
4. availability zones
Reference:
https://docs.microsoft.com/en-us/azure/availability-zones/az-overview
Q143. You have several virtual machines in an Azure subscription You create a new subscription. _____

Correct Answer

Q144. An Azure region ____

Q145. ____ Azure App Service
____ Azure virtual machines
____ Microsoft Dynamics 365.

Correct Answer

Reference:
https://azure.microsoft.com/en-us/overview/what-is-paas/
https://azure.microsoft.com/en-us/blog/infrastructure-as-a-service-series-virtual-machines-and-windows/
Q146. You need to purchase a third-party virtual security appliance that you will deploy to an Azure subscription.
What should you use?
- Azure subscriptions
- Microsoft Defender for Cloud
- Azure Marketplace
- Microsoft Store
Correct Answer
3. Azure Marketplace
Reference:
https://docs.microsoft.com/en-us/azure/security/fundamentals/network-overview
https://docs.microsoft.com/en-us/azure/cost-management-billing/manage/ea-azure-marketplace
Q147. What is the function of a Site-to-Site VPN?
- provides a secure connection between a computer on a public network and the corporate network
- provides a dedicated private connection to Azure that does NOT travel over the internet
- provides a connection from an on-premises VPN device to an Azure VPN gateway
Correct Answer
3. provides a connection from an on-premises VPN device to an Azure VPN gateway
Reference:
https://docs.microsoft.com/en-us/azure/vpn-gateway/vpn-gateway-howto-site-to-site-classic-portal
Q148. ____ A cloud-based file server.
____ A cloud-based accounting system.
____ A cloud-based service for custom apps.

Correct Answer

Reference:
https://azure.microsoft.com/en-us/overview/what-is-iaas
https://azure.microsoft.com/en-us/overview/what-is-paas/
Q149. 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?
- a read-only lock
- an Azure policy
- a management group
- a reservation
Correct Answer
2. an Azure policy
Q150. You can use the Azure File Sync agent to sync on-premises data to an Azure ____

Correct Answer

Q151. 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?
- Yes
- No
Correct Answer
1. Yes
Q152. When you need to delegate permissions to several Azure virtual machines simultaneously, you must deploy the Azure virtual machines ____.

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/azure-resource-manager/management/overview#resource-groups
https://docs.microsoft.com/en-us/azure/role-based-access-control/overview
Q153. At which OSI layer does ExpressRoute operate?
- Layer 2
- Layer 3
- Layer 5
- Layer 7
Correct Answer
1. Layer 2
Q154. 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. ____

Correct Answer

References:
https://docs.microsoft.com/en-us/azure/azure-resource-manager/resource-group-overview
Q155. 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?
- Yes
- No
Correct Answer
1. Yes
Reference:
https://docs.microsoft.com/en-us/azure/virtual-machines/windows/regions
Q156. Application Insights is a feature of ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/azure-monitor/app/app-insights-overview
Q157. One of the benefits of Azure SQL Data Warehouse is that high availability is built into the platform.
- No change is needed
- automatic scaling
- data compression
- versioning
Correct Answer
1. No change is needed
References:
https://docs.microsoft.com/en-us/azure/sql-data-warehouse/sql-data-warehouse-overview-faq
Q158. 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?
- Azure Data Lake
- Azure Cosmos DB
- Azure SQL Data Warehouse
- Azure SQL Database
- Azure Database for PostgreSQL
Correct Answer
1. Azure Data Lake
3. Azure SQL Data Warehouse
References:
https://docs.microsoft.com/en-us/azure/data-lake-store/data-lake-store-power-bi
https://azure.microsoft.com/en-gb/solutions/data-lake/
https://docs.microsoft.com/en-us/azure/data-lake-store/data-lake-store-power-bi
Q159. You need to manage containers.
Which two services can you use?
- Azure Virtual Desktop
- Azure virtual machines
- Azure Functions
- Azure Container Instances
- Azure Kubernetes Service (AKS)
Correct Answer
4. Azure Container Instances
5. Azure Kubernetes Service (AKS)
Reference:
https://docs.microsoft.com/en-us/azure/container-instances/
Q160. An Azure container instance is an example of an Azure ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/architecture/guide/technology-choices/compute-decision-tree
Q161. Azure Blob Storage is a ____

Correct Answer

Q162. ____ 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.

Correct Answer

Reference:
https://azure.microsoft.com/en-us/services/sql-database/
https://docs.microsoft.com/en-us/azure/sql-data-warehouse/sql-data-warehouse-overview-what-is
https://docs.microsoft.com/bs-latn-ba/azure/hdinsight/hadoop/apache-hadoop-introduction
https://azure.microsoft.com/en-gb/services/data-lake-analytics/
Q163. 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. ____

Q164. Zero-redundant storage (ZRS) ____
Geo-redundant storage (GRS) ____
Locally-redundant storage (LRS) ____

Correct Answer

Q165. 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 scrip
Solution: Run the script from a computer that runs Chrome OS and uses Azure Cloud Shell.
Does this meet the goal?
- Yes
- No
Correct Answer
1. Yes
References:
https://docs.microsoft.com/en-us/azure/cloud-shell/quickstart-powershell
Q166. ____ 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.

Correct Answer

References:
https://docs.microsoft.com/en-us/azure/azure-monitor/app/app-insights-overview
https://azure.microsoft.com/en-gb/overview/what-is-devops/
https://docs.microsoft.com/en-us/azure/advisor/advisor-overview
https://docs.microsoft.com/en-us/azure/cognitive-services/welcome
Q167. 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?
- Yes
- No
Correct Answer
1. Yes
Q168. 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?

Correct Answer

Q169. You have an Azure environment that contains 10 web apps. To which URL should you connect to manage all the Azure resources?

Q170. 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?
- Yes
- No
Correct Answer
2. No
Q171. 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?
- a web app
- a server image in Azure Marketplace
- a logic app
- an API app
Correct Answer
3. a logic app
References:
https://docs.microsoft.com/en-us/azure/logic-apps/logic-apps-overview
Q172. 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. ____

Correct Answer

Q173. 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?
- an application gateway
- an Azure ExpressRoute circuit
- a content delivery network (CDN)
- an Azure Traffic Manager profile
Correct Answer
3. a content delivery network (CDN)
References:
https://docs.microsoft.com/en-us/azure/cdn/cdn-overview
Q174. 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?
- Azure CLI
- the Azure portal
- Azure Cloud Shell
- Windows PowerShell
- Azure Storage Explorer
Correct Answer
2. the Azure portal
3. Azure Cloud Shell
Q175. 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?
- Yes
- No
Q176. ____ 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.

Correct Answer

Reference:
https://azure.microsoft.com/en-gb/services/synapse-analytics/
https://docs.microsoft.com/en-us/azure/machine-learning/overview-what-is-azure-ml
https://docs.microsoft.com/en-us/azure/iot-hub/about-iot-hub
https://docs.microsoft.com/en-us/azure/azure-functions/functions-overview
Q177. 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?

Correct Answer

References:
https://docs.microsoft.com/en-us/azure/azure-monitor/overview
https://docs.microsoft.com/en-us/azure/marketplace/marketplace-faq-publisher-guide
https://docs.microsoft.com/en-us/azure/advisor/advisor-security-recommendations
Q178. 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. ____

Correct Answer

References:
https://azure.microsoft.com/en-gb/blog/advisor-backup-recommendations/
https://docs.microsoft.com/en-us/azure/advisor/advisor-overview
https://microsoft.github.io/AzureTipsAndTricks/blog/tip173.html
Q179. What can you use to automatically send an alert if an administrator stops an Azure virtual machine?
- Azure Advisor
- Azure Service Health
- Azure Monitor
- Azure Network Watcher
Correct Answer
3. Azure Monitor
Reference:
https://docs.microsoft.com/en-us/azure/azure-monitor/insights/vminsights-alerts
Q180. 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?
- Use Bash in Azure Cloud Shell.
- Use PowerShell in Azure Cloud Shell.
- Use the PowerApps portal.
- Use the Security & Compliance admin center.
- Use the Azure portal.
Correct Answer
1. Use Bash in Azure Cloud Shell.
2. Use PowerShell in Azure Cloud Shell.
5. Use the Azure portal.
Q181. 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 Resource 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?
- Azure Reserved Virtual Machine (VM) Instances
- Azure DevTest Labs
- Azure virtual machine scale sets
- Azure Virtual Desktop
Correct Answer
2. Azure DevTest Labs
Reference:
https://docs.microsoft.com/en-us/azure/lab-services/devtest-lab-overview
Q182. 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?
- Yes
- No
Correct Answer
1. Yes
Reference:
https://docs.microsoft.com/en-us/cli/azure/install-azure-cli-windows?view=azure-cli-latest
Q183. 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?

Correct Answer

Q184. ____ a common platform for deploying objects to a cloud infrastructure and for implementing consistency across the Azure environment.

Q185. 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?
- Yes
- No
Correct Answer
1. Yes
Q186. ____ is an Apache Spark-based analytics service.

Q187. 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?
- Yes
- No
Correct Answer
1. Yes
References:
https://docs.microsoft.com/en-us/azure/virtual-machines/linux/quick-create-cli
Q188. What can you use to identify underutilized or unused Azure virtual machines?
- Azure Advisor
- Azure Cost Management + Billing
- Azure reservations
- Azure Policy
Correct Answer
1. Azure Advisor
Reference:
https://docs.microsoft.com/en-us/azure/advisor/advisor-overview
Q189. ____ 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.

Correct Answer

References:
https://docs.microsoft.com/en-us/azure/bot-service/bot-service-overview-introduction?view=azure-bot-service-4.0
https://docs.microsoft.com/en-us/azure/machine-learning/overview-what-is-azure-ml
https://docs.microsoft.com/en-us/azure/azure-functions/
https://docs.microsoft.com/en-us/azure/iot-hub/about-iot-hub
Q190. ____ evaluates signals to allow or deny sign-ins to Azure AD.

Correct Answer

Q191. Which service provides serverless computing in Azure?
- Azure Virtual Machines
- Azure Functions
- Azure storage account
- Azure dedicated hosts
Q192. 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?
- Yes
- No
Correct Answer
1. Yes
Q193. 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. ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/cost-management-billing/costs/quick-acm-cost-analysis
https://docs.microsoft.com/en-us/azure/cost-management-billing/costs/cost-analysis-common-uses
Q194. 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?
- Yes
- No
Correct Answer
1. Yes
Reference:
https://docs.microsoft.com/en-us/cli/azure/install-azure-cli-windows?view=azure-cli-latest
Q195. You can access Compliance Manager from the ____

Correct Answer

Q196. 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?
- Yes
- No
Correct Answer
1. Yes
Reference:
https://docs.microsoft.com/en-us/azure/virtual-machines/linux/quick-create-cli
Q197. 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?
- Azure Resource Manager templates
- virtual machine scale sets
- the Azure API Management service
- management groups
Correct Answer
1. Azure Resource Manager templates
References:
https://docs.microsoft.com/en-us/azure/azure-resource-manager/templates/overview
Q198. Which node in the Azure portal should you use to assign a user the Reader role for a resource group?

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/role-based-access-control/role-assignments-portal
Q199. 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. ____

Correct Answer

References:
https://docs.microsoft.com/en-us/azure/advisor/advisor-security-recommendations
https://docs.microsoft.com/en-us/azure/advisor/advisor-cost-recommendations
Q200. ____ Provide operating system virtualization.
____ Provide portable environment for virtualized applications.
____ Used to build, deploy, and scale web apps.
____ Provide a platform for serverless code.

Correct Answer

References:
https://docs.microsoft.com/en-us/azure/virtual-machines/windows/overview
https://docs.microsoft.com/en-us/azure/security/fundamentals/paas-applications-using-app-services
https://docs.microsoft.com/en-us/azure/azure-functions/
https://docs.microsoft.com/en-us/azure/container-instances/container-instances-overview
Q201. You can manage an on-premises Windows server as an Azure resource by using ____

Q202. 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. ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/powershell/azure/what-is-azure-powershell?view=azps-6.6.0
Q203. 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?
- Yes
- No
Q204. 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. ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/cloud-services/cloud-services-how-to-manage-portal
Q205. ____ Provides the platform for serverless code.
____ A big data analysis service for machine learning.
____ Detects and diagnoses anomalies in web apps.
____ Hosts web apps.

Correct Answer

References:
https://docs.microsoft.com/en-us/azure/azure-functions/
https://docs.microsoft.com/en-us/azure/azure-monitor/app/app-insights-overview
https://docs.microsoft.com/en-us/azure/app-service/overview
Q206. ____ provides in-depth information about security privacy compliance offerings policies and features across Microsoft cloud products.

Correct Answer

Reference:
https://docs.microsoft.com/en-us/microsoft-365/compliance/microsoft-365-compliance-center
Q207. 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?
- Command Prompt
- Azure Resource Explorer
- Windows PowerShell
- Windows Defender Firewall
- Network and Sharing Center
Correct Answer
1. Command Prompt
3. Windows PowerShell
References:
https://docs.microsoft.com/en-us/cli/azure/install-azure-cli-windows?view=azure-cli-latest
Q208. 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?
- Azure Reserved Virtual Machines (VM) Instances
- Azure virtual machine scale sets
- Azure DevTest Labs
- Microsoft Managed Desktop
Correct Answer
3. Azure DevTest Labs
Reference:
https://docs.microsoft.com/en-us/azure/lab-services/devtest-lab-overview
Q209. 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?
- Yes
- No
Correct Answer
1. Yes
References:
https://docs.microsoft.com/en-us/azure/azure-portal/azure-portal-overview
Q210. 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?
- Yes
- No
Correct Answer
2. No
Q211. 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. ____

Correct Answer

Reference:
https://azure.microsoft.com/en-us/features/storage-explorer/
https://docs.microsoft.com/en-us/azure/cloud-services/automation-manage-cloud-services
Q212. 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?
- network security groups (NSGs)
- Azure Service Bus
- a local network gateway
- a route filter
Correct Answer
1. network security groups (NSGs)
References:
https://docs.microsoft.com/en-us/azure/virtual-network/security-overview
Q213. ____ is an Apache spark-based analytics service.

Correct Answer

Q214. 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?
- Yes
- No
Correct Answer
2. No
References:
https://docs.microsoft.com/en-us/azure/traffic-manager/traffic-manager-overview
Q215. Which service provides network traffic filtering across multiple Azure subscriptions and virtual networks?
- Azure Firewall
- an application security group
- Azure DDoS protection
- a network security group (NSG)
Q216. You need to manage Azure by using Azure Cloud Shell.
Which Azure portal icon should you select?

Correct Answer

References:
https://docs.microsoft.com/en-us/azure/cloud-shell/overview?view=azure-cli-latest
Q217. 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?
- Azure Service Fabric
- Azure Monitor
- Azure virtual machines
- Azure Advisor
Correct Answer
3. Azure virtual machines
References:
https://docs.microsoft.com/en-us/azure/virtual-machines/maintenance-and-updates
Q218. 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. ____

Correct Answer

References:
https://docs.microsoft.com/en-us/azure/azure-monitor/overview
https://docs.microsoft.com/en-us/azure/azure-monitor/platform/alerts-overview
Q219. ____ you can view which user turned off a specific virtual machine during the last 14 days.

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/azure-resource-manager/resource-group-audit
Q220. Which Azure service provides a set of version control tools to manage code?
- Azure Repos
- Azure DevTest Labs
- Azure Storage
- Azure Cosmos DB
Correct Answer
1. Azure Repos
Q221. Which Azure service can you use as a security information and event management (SIEM) solution?
- Azure Analysis Services
- Azure Sentinel
- Azure Information Protection
- Azure Cognitive Services
Q222. 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. ____

Correct Answer

Q223. Which resources can be used as a source for a Network security group inbound security rule?
- Service Tags only
- IP Addresses, Service tags and Application security groups
- Application security groups only
- IP Addresses only
Correct Answer
2. IP Addresses, Service tags and Application security groups
Reference:
https://docs.microsoft.com/en-us/azure/virtual-network/network-security-groups-overview
Q224. 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. ____

Q225. 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. ____

Correct Answer

References:
https://docs.microsoft.com/en-us/azure/security-center/security-center-intro
Q226. You need to complete the defense-in-depth strategy used in a datacenter.
What should you do?

Correct Answer

Q227. Azure Sentinel uses playbooks to ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/sentinel/tutorial-respond-threats-playbook
Q228. 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?
- an Azure Storage account
- an Azure Key Vault
- an Azure Information Protection policy
- an Encryption key
Correct Answer
2. an Azure Key Vault
Reference:
https://docs.microsoft.com/en-us/azure/virtual-machines/windows/disk-encryption-overview
Q229. ____ Analyze security log files from Azure virtual machines.
____ Display the secure score for an Azure subscription.
____ Store passwords for use by Azure Function applications.

Correct Answer
Box 1: Azure Sentinel
Box 2: Azure Security Center
Box 3: Azure Key Vault
Reference:
https://docs.microsoft.com/en-us/azure/sentinel/overview
https://docs.microsoft.com/en-us/azure/security-center/secure-score-security-controls
https://docs.microsoft.com/en-us/azure/active-directory/fundamentals/active-directory-whatis
https://docs.microsoft.com/en-us/azure/lighthouse/overview
Q230. Which Azure service should you use to store certificates?
- Azure Security Center
- an Azure Storage account
- Azure Key Vault
- Azure Information Protection
Correct Answer
3. Azure Key Vault
References:
https://docs.microsoft.com/en-us/azure/key-vault/key-vault-overview
Q231. You have an Azure Sentinel workspace.
You need to automate responses to threats detected by Azure Sentinel.
What should you use?
- adaptive network hardening in Azure Security Center
- Azure Service Health
- Azure Monitor workbooks
- adaptive application controls in Azure Security Center
Correct Answer
3. Azure Monitor workbooks
Q232. You can view your company’s regulatory compliance report from ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/defender-for-cloud/regulatory-compliance-dashboard
Q233. Microsoft 365 is an example of which cloud service model?
- infrastructure as a service (IaaS)
- platform as a service (PaaS)
- software as a service (SaaS)
Correct Answer
3. software as a service (SaaS)
Q234. An Azure Policy initiative definition is a ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/defender-for-cloud/security-policy-concept
Q235. You need to collect and automatically analyze security events from Azure Active Directory (Azure AD).
What should you use?
- Microsoft Sentinel
- Azure Synapse Analytics
- Azure AD Connect
- Azure Key Vault
Correct Answer
1. Microsoft Sentinel
Reference:
https://docs.microsoft.com/en-us/azure/sentinel/overview
Q236. You can enable just-in-time (JIT) CM access by using ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/defender-for-cloud/just-in-time-access-usage
Q237. Which Azure service can you use as a security information and event management (SIEM) solution?
- Azure Analysis Services
- Microsoft Sentinel
- Azure Information Protection
- Azure Cognitive Services
Correct Answer
2. Microsoft Sentinel
Reference:
https://docs.microsoft.com/en-us/azure/sentinel/overview
Q238. You need to migrate an on-premises server by using a lift-and-shift migration.
To which type of cloud service should you migrate?
- infrastructure as a service (IaaS)
- software as a service (SaaS)
- platform as a service (PaaS)
Correct Answer
1. infrastructure as a service (IaaS)
Q239. You have an Azure subscription. You need to review your secure score.
What should you use?
- Azure Monitor
- Azure Advisor
- Help + support
- Microsoft Defender for Cloud
Correct Answer
4. Microsoft Defender for Cloud
Q240. Azure distributed denial of service (DDoS) protection is an example of protection that is implemented at the ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/ddos-protection/ddos-protection-overview
Q241. 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?
- Modify an Azure Traffic Manager profile
- Modify a network security group (NSG)
- Modify a DDoS protection plan
- Modify an Azure firewall
Correct Answer
2. Modify a network security group (NSG)
Reference:
https://docs.microsoft.com/en-us/azure/virtual-network/security-overview
Q242. 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?
- Azure Firewall
- a network security group (NSG)
- Azure Information Protection
- DDoS protection
Correct Answer
4. DDoS protection
Reference:
https://docs.microsoft.com/en-us/azure/security/fundamentals/ddos-best-practices
Q243. 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?

Correct Answer

References:
https://docs.microsoft.com/en-us/azure-advanced-threat-protection/what-is-atp
https://docs.microsoft.com/en-us/azure/active-directory/identity-protection/howto-identity-protection-configure-mfa-policy
Q244. 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?
- Azure Key Vault
- Azure Information Protection
- Microsoft Defender for Cloud
- Azure Multi-Factor Authentication (MFA)
Correct Answer
1. Azure Key Vault
Reference:
https://docs.microsoft.com/en-us/azure/key-vault/general/security-features
Q245. ____ 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.

Correct Answer

Q246. Microsoft Sentinel uses playbooks to ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/sentinel/tutorial-respond-threats-playbook
Q247. ____ enables users to authenticate to multiple applications by using single sign-on.

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/active-directory/manage-apps/add-application-portal-setup-sso
Q248. Azure distributed denial of service (DDoS) protection is an example of protection that is implemented at the ____

Q249. After you create a virtual machine you need to modify the to allow connections to TCP port 8080 on the virtual machine ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/virtual-network/network-security-groups-overview
Q250. 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. ____

Correct Answer

Reference:
https://docs.microsoft.com/en-us/azure/virtual-network/network-security-groups-overview
FAQs
1. What is the best way to prepare for the AZ900 exam?
Utilize online resources like AZ900 practice tests, dumps, and practice exams to assess your knowledge and identify areas for improvement.
2. Are AZ900 dumps helpful?
Yes, AZ900 dumps can help familiarize yourself with the exam format and question types. However, it’s essential to use them in conjunction with other study materials.
3. How many questions are on the AZ900 exam?
The AZ900 exam consists of 40-60 questions, which must be completed within 85 minutes.
4. What is the passing score for the AZ900 exam?
The passing score for the AZ900 exam is 700 out of 1000.
Conclusion
By incorporating AZ900 practice tests into your study routine, you’ll be well-prepared to tackle the exam and take the first step toward a successful career in Azure cloud computing. Don’t rely solely on AZ900 dumps or practice exams; instead, use them as supplements to your comprehensive study plan.
With dedication and persistence, you’ll be on your way to becoming an Azure expert.