Summer Special Sale Limited Time 60% Discount Offer - Ends in 0d 00h 00m 00s - Coupon code: 713PS592

DP-100 Designing and Implementing a Data Science Solution on Azure Questions and Answers

Questions 4

You have an Azure Machine Learning workspace named WS1.

You plan to use the Responsible Al dashboard to assess MLflow models that you will register in WS1.

You need to identify the library you should use to register the MLflow models.

Which library should you use?

Options:

A.

PyTorch

B.

mlpy

C.

TensorFlow

D.

scikit-learn

Buy Now
Questions 5

You write code to retrieve an experiment that is run from your Azure Machine Learning workspace.

The run used the model interpretation support in Azure Machine Learning to generate and upload a model explanation.

Business managers in your organization want to see the importance of the features in the model.

You need to print out the model features and their relative importance in an output that looks similar to the following.

DP-100 Question 5

How should you complete the code? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 5

Options:

Buy Now
Questions 6

You manage are Azure Machine Learning workspace by using the Python SDK v2.

You must create an automated machine learning job to generate a classification model by using data files stored in Parquet format. You must configure an auto scaling compute target and a data asset for the job.

You need to configure the resources for the job.

Which resource configuration should you use? to answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 6

Options:

Buy Now
Questions 7

You use differential privacy to ensure your reports are private. The calculated value of the epsilon for your data is 1.8. You need to modify your data to ensure your reports are private. Which epsilon value should you accept for your data?

Options:

A.

between 0 and 1

B.

between 2 and 3

C.

between 3 and 10

D.

more than 10

Buy Now
Questions 8

You are building a binary classification model by using a supplied training set.

The training set is imbalanced between two classes.

You need to resolve the data imbalance.

What are three possible ways to achieve this goal? Each correct answer presents a complete solution NOTE: Each correct selection is worth one point.

Options:

A.

Penalize the classification

B.

Resample the data set using under sampling or oversampling

C.

Generate synthetic samples in the minority class.

D.

Use accuracy as the evaluation metric of the model.

E.

Normalize the training feature set.

Buy Now
Questions 9

You need to replace the missing data in the AccessibilityToHighway columns.

How should you configure the Clean Missing Data module? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 9

Options:

Buy Now
Questions 10

You need to correct the model fit issue.

Which three actions should you perform in sequence? To answer, move the appropriate actions from the list of actions to the answer area and arrange them in the correct order.

DP-100 Question 10

Options:

Buy Now
Questions 11

You need to set up the Permutation Feature Importance module according to the model training requirements.

Which properties should you select? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 11

Options:

Buy Now
Questions 12

You need to select a feature extraction method.

Which method should you use?

Options:

A.

Spearman correlation

B.

Mutual information

C.

Mann-Whitney test

D.

Pearson’s correlation

Buy Now
Questions 13

You need to produce a visualization for the diagnostic test evaluation according to the data visualization requirements.

Which three modules should you recommend be used in sequence? To answer, move the appropriate modules from the list of modules to the answer area and arrange them in the correct order.

DP-100 Question 13

Options:

Buy Now
Questions 14

You need to identify the methods for dividing the data according, to the testing requirements.

Which properties should you select? To answer, select the appropriate option-, m the answer area. NOTE: Each correct selection is worth one point.

DP-100 Question 14

Options:

Buy Now
Questions 15

You need to configure the Edit Metadata module so that the structure of the datasets match.

Which configuration options should you select? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 15

Options:

Buy Now
Questions 16

You need to visually identify whether outliers exist in the Age column and quantify the outliers before the outliers are removed.

Which three Azure Machine Learning Studio modules should you use in sequence? To answer, move the appropriate modules from the list of modules to the answer area and arrange them in the correct order.

DP-100 Question 16

Options:

Buy Now
Questions 17

You need to implement early stopping criteria as suited in the model training requirements.

Which three code segments should you use to develop the solution? To answer, move the appropriate code segments from the list of code segments to the answer area and arrange them in the correct order.

NOTE: More than one order of answer choices is correct. You will receive credit for any of the correct orders you select.

DP-100 Question 17

Options:

Buy Now
Questions 18

You need to identify the methods for dividing the data according to the testing requirements.

Which properties should you select? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 18

Options:

Buy Now
Questions 19

You need to configure the Permutation Feature Importance module for the model training requirements.

What should you do? To answer, select the appropriate options in the dialog box in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 19

Options:

Buy Now
Questions 20

You need to select a feature extraction method.

Which method should you use?

Options:

A.

Mutual information

B.

Mood’s median test

C.

Kendall correlation

D.

Permutation Feature Importance

Buy Now
Questions 21

You need to configure the Feature Based Feature Selection module based on the experiment requirements and datasets.

How should you configure the module properties? To answer, select the appropriate options in the dialog box in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 21

Options:

Buy Now
Questions 22

You are performing feature scaling by using the scikit-learn Python library for x.1 x2, and x3 features.

Original and scaled data is shown in the following image.

DP-100 Question 22

Use the drop-down menus to select the answer choice that answers each question based on the information presented in the graphic.

NOTE: Each correct selection is worth one point.

DP-100 Question 22

Options:

Buy Now
Questions 23

You have an Azure Machine Learning workspace and a collection of image files stored in two Azure Blob Storage accounts. You need to configure data asset properties

Which values should you use in your configuration? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 23

Options:

Buy Now
Questions 24

You have an Azure Machine Learning workspace.

You plan to use Azure Machine Learning Python SDK v2 to register a component in the workspace The component definition is stored in the local file ./components/train/train.yml.

You write code to connect to the workspace by using the ml_client object and import all required libraries

You need to complete the remaining code.

How should you complete the code? to answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 24

Options:

Buy Now
Questions 25

You manage an Azure Al Foundry project.

You plan to evaluate a fine-tuned large language model by doing the following:

• Identifying discrepancies between runs of the same model to pinpoint the areas where adjustments may be needed.

• Verifying the Al-generated responses align with and are validated by the provided context.

You need to identify an evaluation metric and a comparison feature to assess the performance of the model. Which assessment techniques should you use? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 25

Options:

Buy Now
Questions 26

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?

Options:

A.

Replace with mean

B.

Remove entire column

C.

Remove entire row

D.

Hot Deck

Buy Now
Questions 27

You are developing a machine learning solution by using the Azure Machine Learning designer.

You need to create a web service that applications can use to submit data feature values and retrieve a predicted label.

Which three actions should you perform in sequence? To answer, move the appropriate actions from the list of actions to the answer area and arrange them in the correct order.

DP-100 Question 27

Options:

Buy Now
Questions 28

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? To answer, drag the appropriate modules to the correct scenarios. Each module may be used once, more than once, or not at all.

You may need to drag the split bar between panes or scroll to view content.

NOTE: Each correct selection is worth one point.

DP-100 Question 28

Options:

Buy Now
Questions 29

You are building a machine learning model for translating English language textual content into French

language textual content.

You need to build and train the machine learning model to learn the sequence of the textual content.

Which type of neural network should you use?

Options:

A.

Multilayer Perceptions (MLPs)

B.

Convolutional Neural Networks (CNNs)

C.

Recurrent Neural Networks (RNNs)

D.

Generative Adversarial Networks (GANs)

Buy Now
Questions 30

You use Azure Machine Learning to implement hyperparameter tuning for an Azure ML Python SDK v2-based model training.

Training runs must terminate when the primary metric is lowered by 25 percent or more compared to the best performing run.

You need to configure an early termination policy to terminate training jobs.

Which values should you use? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 30

Options:

Buy Now
Questions 31

You have an Azure Machine Learning workspace.

You plan to set up logging and tracking experiments by using MLflow Tracking.

You need to log the accuracy as a numerical value and the training loss as a plot.

How should you complete the commands? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 31

Options:

Buy Now
Questions 32

You manage an Azure Machine Learning workspace and a GitHub repository. The GitHub repository contains a CSV file located at httpsy/raw.githubusercontent.com/account1/repo1/main/doc1/data1.csv. The CSV file includes embedded newlines.

You plan to consume the content of the CSV file in the workspace. The solution must minimize the possibility of misaligned field values when reading the file content.

You need to create a data asset that references the CSV file.

Which data asset configuration values should you use? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 32

Options:

Buy Now
Questions 33

You manage an Azure Machine Learning workspace. The development environment for managing the workspace is configured to use Python SDK v2 in Azure Machine Learning Notebooks.

A Synapse Spark Compute is currently attached and uses system-assigned identity.

You need to use Python code to update the Synapse Spark Compute to use a user-assigned identity.

Solution: Initialize the DefaultAzureCredential class.

Does the solution meet the goal?

Options:

A.

Yes

B.

No

Buy Now
Questions 34

You have an Azure Machine Learning workspace named Workspaces

You plan to train an image object detection model by using Automated ML in Workspace1.

You need to complete the provided Azure Machine Learning Python SDK v2 code to start an image object detection job.

How should you complete the code? To answer, select the appropriate options in the answer area.

NOTE Each correct selection is worth one point.

DP-100 Question 34

Options:

Buy Now
Questions 35

You manage an Azure Machine Learning workspace.

You plan to irain a natural language processing (NLP) tew classification model in multiple languages by using Azure Machine learning Python SDK v2. You need to configure the language of the text classification job by using automated machine learning. Which method of the TextClassifkationlob class should you use?

Options:

A.

set.data

B.

set_featurization

C.

set_ sweep

D.

set_training_parameters

Buy Now
Questions 36

You ate reviewing model benchmarks in Azure Al Foundry.

You must use an embedding model that can assess rank-order relevance based on cosine similarity. You need to select the applicable embedding model. Which model metric should you focus on?

Options:

A.

V measure

B.

Mean average precision

C.

F1 score

D.

Spearman correlation

Buy Now
Questions 37

You ate designing a training job in an Azure Machine Learning workspace by using Automated ML During training, the compute resource must scale up to handle larger datasets. You need to select the compute resource that has a multi-node cluster that automatically scales Which Azure Machine Learning compute target should you use?

Options:

A.

Compute instance

B.

Endpoints

C.

Serverless compute

D.

Kubernetes cluster

Buy Now
Questions 38

You create an Azure Machine Learning workspace. The workspace contains a dataset named sample.dataset, a compute instance, and a compute cluster. You must create a two-stage pipeline that will prepare data in the dataset and then train and register a model based on the prepared data. The first stage of the pipeline contains the following code:

DP-100 Question 38

You need to identify the location containing the output of the first stage of the script that you can use as input for the second stage. Which storage location should you use?

Options:

A.

workspaceblobstore datastore

B.

workspacefi lest ore datastore

C.

compute instance

Buy Now
Questions 39

You register a file dataset named csvjolder that references a folder. The folder includes multiple com ma-separated values (CSV) files in an Azure storage blob container. You plan to use the following code to run a script that loads data from the file dataset. You create and instantiate the following variables:

DP-100 Question 39

You have the following code:

DP-100 Question 39

DP-100 Question 39

You need to pass the dataset to ensure that the script can read the files it references. Which code segment should you insert to replace the code comment?

A)

DP-100 Question 39

B)

DP-100 Question 39

C)

DP-100 Question 39

D)

DP-100 Question 39

Options:

A.

Option A

B.

Option B

C.

Option C

D.

Option D

Buy Now
Questions 40

You have an Azure Machine Learning workspace.

You plan to use the terminal to configure a compute instance to run a notebook.

You need to add a new R kernel to the compute instance.

In which order should you perform the actions? To answer, move all actions from the list of actions to the answer area and arrange them in the correct order.

DP-100 Question 40

Options:

Buy Now
Questions 41

You have an Azure Machine learning workspace. The workspace contains a dataset with data in a tabular form.

You plan to use the Azure Machine Learning SDK for Python vl to create a control script that will load the dataset into a pandas dataframe in preparation for model training The script will accept a parameter designating the dataset

You need to complete the script.

How should you complete the script? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 41

Options:

Buy Now
Questions 42

You plan to use automated machine learning to train a regression model. You have data that has features which have missing values, and categorical features with few distinct values.

You need to configure automated machine learning to automatically impute missing values and encode categorical features as part of the training task.

Which parameter and value pair should you use in the AutoMLConfig class?

Options:

A.

featurization = 'auto'

B.

enable_voting_ensemble = True

C.

task = 'classification'

D.

exclude_nan_labels = True

E.

enable_tf = True

Buy Now
Questions 43

You are solving a classification task.

You must evaluate your model on a limited data sample by using k-fold cross validation. You start by

configuring a k parameter as the number of splits.

You need to configure the k parameter for the cross-validation.

Which value should you use?

Options:

A.

k=0.5

B.

k=0

C.

k=5

D.

k=1

Buy Now
Questions 44

Note: This question is part of a series of questions that present the same scenario. Each question in the series contains a unique solution that might meet the stated goals. Some question sets might have more than one correct solution, while others might not have a correct solution.

After you answer a question in this section, you will NOT be able to return to it. As a result, these questions will not appear in the review screen.

You have an Azure Machine Learning workspace. You connect to a terminal session from the Notebooks page in Azure Machine Learning studio.

You plan to add a new Jupyter kernel that will be accessible from the same terminal session.

You need to perform the task that must be completed before you can add the new kernel.

Solution: Create an environment.

Does the solution meet the goal?

Options:

A.

Yes

B.

No

Buy Now
Questions 45

DP-100 Question 45

You need to record the row count as a metric named row_count that can be returned using the get_metrics method of the Run object after the experiment run completes. Which code should you use?

Options:

A.

run.upload_file(‘row_count’, ‘./data.csv’)

B.

run.log(‘row_count’, rows)

C.

run.tag(‘row_count’, rows)

D.

run.log_table(‘row_count’, rows)

E.

run.log_row(‘row_count’, rows)

Buy Now
Questions 46

You develop a flow for an Azure Al Foundry project.

You plan to use outputs generated by running the flow to determine the following information:

• the number of tokens used by each large language model (LLM) node of the flow

• the accuracy of the model used by the flow

You need to examine the output that provides the required information.

Which output type should you examine? To answer, move the appropriate output types to the correct evaluations. You may use each output type once, more than once, or not at all. You may need to move the split bar between panes or scroll to view content.

NOTE: Each correct selection is worth one point.

DP-100 Question 46

Options:

Buy Now
Questions 47

You have an Azure Machine Learning workspace that contains a training cluster and an inference cluster.

You plan to create a classification model by using the Azure Machine Learning designer.

You need to ensure that client applications can submit data as HTTP requests and receive predictions as responses.

Which three actions should you perform in sequence? To answer, move the appropriate actions from the list of actions to the answer area and arrange them in the correct order.

DP-100 Question 47

Options:

Buy Now
Questions 48

You create a multi-class image classification deep learning model.

You train the model by using PyTorch version 1.2.

You need to ensure that the correct version of PyTorch can be identified for the inferencing environment when the model is deployed.

What should you do?

Options:

A.

Save the model locally as a.pt file, and deploy the model as a local web service.

B.

Deploy the model on computer that is configured to use the default Azure Machine Learning condaenvironment.

C.

Register the model with a .pt file extension and the default version property.

D.

Register the model, specifying the model_framework and model_framework_version properties.

Buy Now
Questions 49

You use Data Science Virtual Machines (DSVMs) for Windows and Linux in Azure.

You need to access the DSVMs.

Which utilities should you use? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 49

Options:

Buy Now
Questions 50

You have an Azure Machine Learning workspace.

You plan to use Azure Machine Learning designer to register multiple components in the workspace.

You need to configure the component that supports the registration.

Which component configuration should you use? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 50

Options:

Buy Now
Questions 51

Note: This question is part of a series of questions that present the same scenario. Each question in the series contains a unique solution that might meet the stated goals. Some question sets might have more than one correct solution, while others might not have a correct solution.

After you answer a question in this section, you will NOT be able to return to it. As a result, these questions will not appear in the review screen.

You are creating a new experiment in Azure Learning learning Studio.

One class has a much smaller number of observations than the other classes in the training

You need to select an appropriate data sampling strategy to compensate for the class imbalance.

Solution: You use the Synthetic Minority Oversampling Technique (SMOTE) sampling mode.

Does the solution meet the goal?

Options:

A.

Yes

B.

No

Buy Now
Questions 52

You need to define a modeling strategy for ad response.

Which three actions should you perform in sequence? To answer, move the appropriate actions from the list of actions to the answer area and arrange them in the correct order.

DP-100 Question 52

Options:

Buy Now
Questions 53

You need to select an environment that will meet the business and data requirements.

Which environment should you use?

Options:

A.

Azure HDInsight with Spark MLlib

B.

Azure Cognitive Services

C.

Azure Machine Learning Studio

D.

Microsoft Machine Learning Server

Buy Now
Questions 54

You need to implement a feature engineering strategy for the crowd sentiment local models.

What should you do?

Options:

A.

Apply an analysis of variance (ANOVA).

B.

Apply a Pearson correlation coefficient.

C.

Apply a Spearman correlation coefficient.

D.

Apply a linear discriminant analysis.

Buy Now
Questions 55

You need to define a process for penalty event detection.

Which three actions should you perform in sequence? To answer, move the appropriate actions from the list of actions to the answer area and arrange them in the correct order.

DP-100 Question 55

Options:

Buy Now
Questions 56

You need to define a process for penalty event detection.

Which three actions should you perform in sequence? To answer, move the appropriate actions from the list of actions to the answer area and arrange them in the correct order.

DP-100 Question 56

Options:

Buy Now
Questions 57

You need to implement a model development strategy to determine a user’s tendency to respond to an ad.

Which technique should you use?

Options:

A.

Use a Relative Expression Split module to partition the data based on centroid distance.

B.

Use a Relative Expression Split module to partition the data based on distance travelled to the event.

C.

Use a Split Rows module to partition the data based on distance travelled to the event.

D.

Use a Split Rows module to partition the data based on centroid distance.

Buy Now
Questions 58

You need to resolve the local machine learning pipeline performance issue. What should you do?

Options:

A.

Increase Graphic Processing Units (GPUs).

B.

Increase the learning rate.

C.

Increase the training iterations,

D.

Increase Central Processing Units (CPUs).

Buy Now
Questions 59

You need to build a feature extraction strategy for the local models.

How should you complete the code segment? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 59

Options:

Buy Now
Questions 60

You need to implement a new cost factor scenario for the ad response models as illustrated in the

performance curve exhibit.

Which technique should you use?

Options:

A.

Set the threshold to 0.5 and retrain if weighted Kappa deviates +/- 5% from 0.45.

B.

Set the threshold to 0.05 and retrain if weighted Kappa deviates +/- 5% from 0.5.

C.

Set the threshold to 0.2 and retrain if weighted Kappa deviates +/- 5% from 0.6.

D.

Set the threshold to 0.75 and retrain if weighted Kappa deviates +/- 5% from 0.15.

Buy Now
Questions 61

You need to define an evaluation strategy for the crowd sentiment models.

Which three actions should you perform in sequence? To answer, move the appropriate actions from the list of actions to the answer area and arrange them in the correct order.

DP-100 Question 61

Options:

Buy Now
Questions 62

You need to use the Python language to build a sampling strategy for the global penalty detection models.

How should you complete the code segment? To answer, select the appropriate options in the answer area.

NOTE: Each correct selection is worth one point.

DP-100 Question 62

Options:

Buy Now
Questions 63

You need to define an evaluation strategy for the crowd sentiment models.

Which three actions should you perform in sequence? To answer, move the appropriate actions from the list of actions to the answer area and arrange them in the correct order.

DP-100 Question 63

Options:

Buy Now
Questions 64

You need to modify the inputs for the global penalty event model to address the bias and variance issue.

Which three actions should you perform in sequence? To answer, move the appropriate actions from the list of actions to the answer area and arrange them in the correct order.

DP-100 Question 64

Options:

Buy Now
Questions 65

You need to implement a scaling strategy for the local penalty detection data.

Which normalization type should you use?

Options:

A.

Streaming

B.

Weight

C.

Batch

D.

Cosine

Buy Now
Exam Code: DP-100
Exam Name: Designing and Implementing a Data Science Solution on Azure
Last Update: Sep 17, 2025
Questions: 506

PDF + Testing Engine

$74.6  $186.49

Testing Engine

$59.8  $149.49
buy now DP-100 testing engine

PDF (Q&A)

$55  $137.49
buy now DP-100 pdf