Big Halloween Sale Discount Flat 70% Offer - Ends in 0d 00h 00m 00s - Coupon code: 70diswrap

Amazon Web Services AIF-C01 Dumps

Page: 1 / 27
Total 274 questions

AWS Certified AI Practitioner Exam Questions and Answers

Question 1

A financial company is using ML to help with some of the company's tasks.

Which option is a use of generative AI models?

Options:

A.

Summarizing customer complaints

B.

Classifying customers based on product usage

C.

Segmenting customers based on type of investments

D.

Forecasting revenue for certain products

Question 2

A company makes forecasts each quarter to decide how to optimize operations to meet expected demand. The company uses ML models to make these forecasts.

An AI practitioner is writing a report about the trained ML models to provide transparency and explainability to company stakeholders.

What should the AI practitioner include in the report to meet the transparency and explainability requirements?

Options:

A.

Code for model training

B.

Partial dependence plots (PDPs)

C.

Sample data for training

D.

Model convergence tables

Question 3

A company is building a large language model (LLM) question answering chatbot. The company wants to decrease the number of actions call center employees need to take to respond to customer questions.

Which business objective should the company use to evaluate the effect of the LLM chatbot?

Options:

A.

Website engagement rate

B.

Average call duration

C.

Corporate social responsibility

D.

Regulatory compliance

Question 4

A social media company wants to use a large language model (LLM) for content moderation. The company wants to evaluate the LLM outputs for bias and potential discrimination against specific groups or individuals.

Which data source should the company use to evaluate the LLM outputs with the LEAST administrative effort?

Options:

A.

User-generated content

B.

Moderation logs

C.

Content moderation guidelines

D.

Benchmark datasets

Question 5

Which AWS feature records details about ML instance data for governance and reporting?

Options:

A.

Amazon SageMaker Model Cards

B.

Amazon SageMaker Debugger

C.

Amazon SageMaker Model Monitor

D.

Amazon SageMaker JumpStart

Question 6

A company is building a generative Al application and is reviewing foundation models (FMs). The company needs to consider multiple FM characteristics.

Select the correct FM characteristic from the following list for each definition. Each FM characteristic should be selected one time. (Select THREE.)

    Concurrency

    Context windows

    Latency

as

Options:

Question 7

A company wants to create a new solution by using AWS Glue. The company has minimal programming experience with AWS Glue.

Which AWS service can help the company use AWS Glue?

Options:

A.

Amazon Q Developer

B.

AWS Config

C.

Amazon Personalize

D.

Amazon Comprehend

Question 8

A company wants to build an interactive application for children that generates new stories based on classic stories. The company wants to use Amazon Bedrock and needs to ensure that the results and topics are appropriate for children.

Which AWS service or feature will meet these requirements?

Options:

A.

Amazon Rekognition

B.

Amazon Bedrock playgrounds

C.

Guardrails for Amazon Bedrock

D.

Agents for Amazon Bedrock

Question 9

A company wants to create an application by using Amazon Bedrock. The company has a limited budget and prefers flexibility without long-term commitment.

Which Amazon Bedrock pricing model meets these requirements?

Options:

A.

On-Demand

B.

Model customization

C.

Provisioned Throughput

D.

Spot Instance

Question 10

What does an F1 score measure in the context of foundation model (FM) performance?

Options:

A.

Model precision and recall

B.

Model speed in generating responses

C.

Financial cost of operating the model

D.

Energy efficiency of the model's computations

Question 11

A company is using a pre-trained large language model (LLM) to build a chatbot for product recommendations. The company needs the LLM outputs to be short and written in a specific language.

Which solution will align the LLM response quality with the company's expectations?

Options:

A.

Adjust the prompt.

B.

Choose an LLM of a different size.

C.

Increase the temperature.

D.

Increase the Top K value.

Question 12

Which technique breaks a complex task into smaller subtasks that are sent sequentially to a large language model (LLM)?

Options:

A.

One-shot prompting

B.

Prompt chaining

C.

Tree of thoughts

D.

Retrieval Augmented Generation (RAG)

Question 13

A large retail bank wants to develop an ML system to help the risk management team decide on loan allocations for different demographics.

What must the bank do to develop an unbiased ML model?

Options:

A.

Reduce the size of the training dataset.

B.

Ensure that the ML model predictions are consistent with historical results.

C.

Create a different ML model for each demographic group.

D.

Measure class imbalance on the training dataset. Adapt the training process accordingly.

Question 14

An AI practitioner who has minimal ML knowledge wants to predict employee attrition without writing code. Which Amazon SageMaker feature meets this requirement?

Options:

A.

SageMaker Canvas

B.

SageMaker Clarify

C.

SageMaker Model Monitor

D.

SageMaker Data Wrangler

Question 15

A company is using a pre-trained large language model (LLM) to extract information from documents. The company noticed that a newer LLM from a different provider is available on Amazon Bedrock. The company wants to transition to the new LLM on Amazon Bedrock.

What does the company need to do to transition to the new LLM?

Options:

A.

Create a new labeled dataset

B.

Perform feature engineering.

C.

Adjust the prompt template.

D.

Fine-tune the LLM.

Question 16

An AI practitioner is building a model to generate images of humans in various professions. The AI practitioner discovered that the input data is biased and that specific attributes affect the image generation and create bias in the model.

Which technique will solve the problem?

Options:

A.

Data augmentation for imbalanced classes

B.

Model monitoring for class distribution

C.

Retrieval Augmented Generation (RAG)

D.

Watermark detection for images

Question 17

A company wants to develop a large language model (LLM) application by using Amazon Bedrock and customer data that is uploaded to Amazon S3. The company's security policy states that each team can access data for only the team's own customers.

Which solution will meet these requirements?

Options:

A.

Create an Amazon Bedrock custom service role for each team that has access to only the team's customer data.

B.

Create a custom service role that has Amazon S3 access. Ask teams to specify the customer name on each Amazon Bedrock request.

C.

Redact personal data in Amazon S3. Update the S3 bucket policy to allow team access to customer data.

D.

Create one Amazon Bedrock role that has full Amazon S3 access. Create IAM roles for each team that have access to only each team's customer folders.

Question 18

A company has documents that are missing some words because of a database error. The company wants to build an ML model that can suggest potential words to fill in the missing text.

Which type of model meets this requirement?

Options:

A.

Topic modeling

B.

Clustering models

C.

Prescriptive ML models

D.

BERT-based models

Question 19

A pharmaceutical company wants to analyze user reviews of new medications and provide a concise overview for each medication. Which solution meets these requirements?

Options:

A.

Create a time-series forecasting model to analyze the medication reviews by using Amazon Personalize.

B.

Create medication review summaries by using Amazon Bedrock large language models (LLMs).

C.

Create a classification model that categorizes medications into different groups by using Amazon SageMaker.

D.

Create medication review summaries by using Amazon Rekognition.

Question 20

A food service company wants to develop an ML model to help decrease daily food waste and increase sales revenue. The company needs to continuously improve the model's accuracy.

Which solution meets these requirements?

Options:

A.

Use Amazon SageMaker AI and iterate with the most recent data.

B.

Use Amazon Personalize and iterate with historical data.

C.

Use Amazon CloudWatch to analyze customer orders.

D.

Use Amazon Rekognition to optimize the model.

Question 21

A company trained an ML model on Amazon SageMaker to predict customer credit risk. The model shows 90% recall on training data and 40% recall on unseen testing data.

Which conclusion can the company draw from these results?

Options:

A.

The model is overfitting on the training data.

B.

The model is underfitting on the training data.

C.

The model has insufficient training data.

D.

The model has insufficient testing data.

Question 22

An AI practitioner must fine-tune an open source large language model (LLM) for text categorization. The dataset is already prepared.

Which solution will meet these requirements with the LEAST operational effort?

Options:

A.

Create a custom model training job in PartyRock on Amazon Bedrock.

B.

Use Amazon SageMaker JumpStart to create a training job.

C.

Use a custom script to run an Amazon SageMaker AI model training job.

D.

Create a Jupyter notebook on an Amazon EC2 instance. Use the notebook to train the model.

Question 23

A company has built an image classification model to predict plant diseases from photos of plant leaves. The company wants to evaluate how many images the model classified correctly.

Which evaluation metric should the company use to measure the model's performance?

Options:

A.

R-squared score

B.

Accuracy

C.

Root mean squared error (RMSE)

D.

Learning rate

Question 24

An AI practitioner needs to improve the accuracy of a natural language generation model. The model uses rapidly changing inventory data.

Which technique will improve the model's accuracy?

Options:

A.

Transfer learning

B.

Federated learning

C.

Retrieval Augmented Generation (RAG)

D.

One-shot prompting

Question 25

A company is using a generative AI model to develop a digital assistant. The model's responses occasionally include undesirable and potentially harmful content. Select the correct Amazon Bedrock filter policy from the following list for each mitigation action. Each filter policy should be selected one time. (Select FOUR.)

• Content filters

• Contextual grounding check

• Denied topics

• Word filters

as

Options:

Question 26

A company wants to use language models to create an application for inference on edge devices. The inference must have the lowest latency possible.

Which solution will meet these requirements?

Options:

A.

Deploy optimized small language models (SLMs) on edge devices.

B.

Deploy optimized large language models (LLMs) on edge devices.

C.

Incorporate a centralized small language model (SLM) API for asynchronous communication with edge devices.

D.

Incorporate a centralized large language model (LLM) API for asynchronous communication with edge devices.

Question 27

An ecommerce company wants to improve search engine recommendations by customizing the results for each user of the company's ecommerce platform. Which AWS service meets these requirements?

Options:

A.

Amazon Personalize

B.

Amazon Kendra

C.

Amazon Rekognition

D.

Amazon Transcribe

Question 28

A hospital is developing an AI system to assist doctors in diagnosing diseases based on patient records and medical images. To comply with regulations, the sensitive patient data must not leave the country the data is located in.

Which data governance strategy will ensure compliance and protect patient privacy?

Options:

A.

Data residency

B.

Data quality

C.

Data discoverability

D.

Data enrichment

Question 29

A company runs a website for users to make travel reservations. The company wants an AI solution to help create consistent branding for hotels on the website. The AI solution needs to generate hotel descriptions for the website in a consistent writing style. Which AWS service will meet these requirements?

Options:

A.

Amazon Comprehend

B.

Amazon Personalize

C.

Amazon Rekognition

D.

Amazon Bedrock

Question 30

A company wants to build a lead prioritization application for its employees to contact potential customers. The application must give employees the ability to view and adjust the weights assigned to different variables in the model based on domain knowledge and expertise.

Which ML model type meets these requirements?

Options:

A.

Logistic regression model

B.

Deep learning model built on principal components

C.

K-nearest neighbors (k-NN) model

D.

Neural network

Question 31

A company has developed an ML model for image classification. The company wants to deploy the model to production so that a web application can use the model.

The company needs to implement a solution to host the model and serve predictions without managing any of the underlying infrastructure.

Which solution will meet these requirements?

Options:

A.

Use Amazon SageMaker Serverless Inference to deploy the model.

B.

Use Amazon CloudFront to deploy the model.

C.

Use Amazon API Gateway to host the model and serve predictions.

D.

Use AWS Batch to host the model and serve predictions.

Question 32

Which statement presents an advantage of using Retrieval Augmented Generation (RAG) for natural language processing (NLP) tasks?

Options:

A.

RAG can use external knowledge sources to generate more accurate and informative responses

B.

RAG is designed to improve the speed of language model training

C.

RAG is primarily used for speech recognition tasks

D.

RAG is a technique for data augmentation in computer vision tasks

Question 33

A company wants to use large language models (LLMs) with Amazon Bedrock to develop a chat interface for the company's product manuals. The manuals are stored as PDF files.

Which solution meets these requirements MOST cost-effectively?

Options:

A.

Use prompt engineering to add one PDF file as context to the user prompt when the prompt is submitted to Amazon Bedrock.

B.

Use prompt engineering to add all the PDF files as context to the user prompt when the prompt is submitted to Amazon Bedrock.

C.

Use all the PDF documents to fine-tune a model with Amazon Bedrock. Use the fine-tuned model to process user prompts.

D.

Upload PDF documents to an Amazon Bedrock knowledge base. Use the knowledge base to provide context when users submit prompts to Amazon Bedrock.

Question 34

A company created an AI voice model that is based on a popular presenter. The company is using the model to create advertisements. However, the presenter did not consent to the use of his voice for the model. The presenter demands that the company stop the advertisements.

Which challenge of working with generative AI does this scenario demonstrate?

Options:

A.

Intellectual property (IP) infringement

B.

Lack of transparency

C.

Lack of fairness

D.

Privacy infringement

Question 35

A company has terabytes of data in a database that the company can use for business analysis. The company wants to build an AI-based application that can build a SQL query from input text that employees provide. The employees have minimal experience with technology.

Which solution meets these requirements?

Options:

A.

Generative pre-trained transformers (GPT)

B.

Residual neural network

C.

Support vector machine

D.

WaveNet

Question 36

A company uses a foundation model (FM) from Amazon Bedrock for an AI search tool. The company wants to fine-tune the model to be more accurate by using the company's data.

Which strategy will successfully fine-tune the model?

Options:

A.

Provide labeled data with the prompt field and the completion field.

B.

Prepare the training dataset by creating a .txt file that contains multiple lines in .csv format.

C.

Purchase Provisioned Throughput for Amazon Bedrock.

D.

Train the model on journals and textbooks.

Question 37

A publishing company built a Retrieval Augmented Generation (RAG) based solution to give its users the ability to interact with published content. New content is published daily. The company wants to provide a near real-time experience to users.

Which steps in the RAG pipeline should the company implement by using offline batch processing to meet these requirements? (Select TWO.)

Options:

A.

Generation of content embeddings

B.

Generation of embeddings for user queries

C.

Creation of the search index

D.

Retrieval of relevant content

E.

Response generation for the user

Question 38

A company wants to identify harmful language in the comments section of social media posts by using an ML model. The company will not use labeled data to train the model. Which strategy should the company use to identify harmful language?

Options:

A.

Use Amazon Rekognition moderation.

B.

Use Amazon Comprehend toxicity detection.

C.

Use Amazon SageMaker AI built-in algorithms to train the model.

D.

Use Amazon Polly to monitor comments.

Question 39

Which AWS service or feature stores embeddings In a vector database for use with foundation models (FMs) and Retrieval Augmented Generation (RAG)?

Options:

A.

Amazon SageMaker Ground Truth

B.

Amazon OpenSearch Service

C.

Amazon Transcribe

D.

Amazon Textract

Question 40

A financial institution is using Amazon Bedrock to develop an AI application. The application is hosted in a VPC. To meet regulatory compliance standards, the VPC is not allowed access to any internet traffic.

Which AWS service or feature will meet these requirements?

Options:

A.

AWS PrivateLink

B.

Amazon Macie

C.

Amazon CloudFront

D.

Internet gateway

Question 41

Which strategy evaluates the accuracy of a foundation model (FM) that is used in image classification tasks?

Options:

A.

Calculate the total cost of resources used by the model.

B.

Measure the model's accuracy against a predefined benchmark dataset.

C.

Count the number of layers in the neural network.

D.

Assess the color accuracy of images processed by the model.

Question 42

A financial company uses a generative AI model to assign credit limits to new customers. The company wants to make the decision-making process of the model more transparent to its customers.

Options:

A.

Use a rule-based system instead of an ML model.

B.

Apply explainable AI techniques to show customers which factors influenced the model's decision.

C.

Develop an interactive UI for customers and provide clear technical explanations about the system.

D.

Increase the accuracy of the model to reduce the need for transparency.

Question 43

An online learning company with large volumes of educational materials wants to use enterprise search. Which AWS service meets these requirements?

Options:

A.

Amazon Comprehend

B.

Amazon Textract

C.

Amazon Kendra

D.

Amazon Personalize

Question 44

Which term is an example of output vulnerability?

Options:

A.

Model misuse

B.

Data poisoning

C.

Data leakage

D.

Parameter stealing

Question 45

A medical company is customizing a foundation model (FM) for diagnostic purposes. The company needs the model to be transparent and explainable to meet regulatory requirements.

Which solution will meet these requirements?

Options:

A.

Configure the security and compliance by using Amazon Inspector.

B.

Generate simple metrics, reports, and examples by using Amazon SageMaker Clarify.

C.

Encrypt and secure training data by using Amazon Macie.

D.

Gather more data. Use Amazon Rekognition to add custom labels to the data.

Question 46

A company is using domain-specific models. The company wants to avoid creating new models from the beginning. The company instead wants to adapt pre-trained models to create models for new, related tasks.

Which ML strategy meets these requirements?

Options:

A.

Increase the number of epochs.

B.

Use transfer learning.

C.

Decrease the number of epochs.

D.

Use unsupervised learning.

Question 47

A company wants to classify human genes into 20 categories based on gene characteristics. The company needs an ML algorithm to document how the inner mechanism of the model affects the output.

Which ML algorithm meets these requirements?

Options:

A.

Decision trees

B.

Linear regression

C.

Logistic regression

D.

Neural networks

Question 48

An ecommerce company is using a chatbot to automate the customer order submission process. The chatbot is powered by AI and Is available to customers directly from the company's website 24 hours a day, 7 days a week.

Which option is an AI system input vulnerability that the company needs to resolve before the chatbot is made available?

Options:

A.

Data leakage

B.

Prompt injection

C.

Large language model (LLM) hallucinations

D.

Concept drift

Question 49

In which stage of the generative AI model lifecycle are tests performed to examine the model's accuracy?

Options:

A.

Deployment

B.

Data selection

C.

Fine-tuning

D.

Evaluation

Question 50

A company wants to develop an educational game where users answer questions such as the following: "A jar contains six red, four green, and three yellow marbles. What is the probability of choosing a green marble from the jar?"

Which solution meets these requirements with the LEAST operational overhead?

Options:

A.

Use supervised learning to create a regression model that will predict probability.

B.

Use reinforcement learning to train a model to return the probability.

C.

Use code that will calculate probability by using simple rules and computations.

D.

Use unsupervised learning to create a model that will estimate probability density.

Question 51

A company has thousands of customer support interactions per day and wants to analyze these interactions to identify frequently asked questions and develop insights.

Which AWS service can the company use to meet this requirement?

Options:

A.

Amazon Lex

B.

Amazon Comprehend

C.

Amazon Transcribe

D.

Amazon Translate

Question 52

A company has developed a generative text summarization application by using Amazon Bedrock. The company will use Amazon Bedrock automatic model evaluation capabilities.

Which metric should the company use to evaluate the accuracy of the model?

Options:

A.

Area Under the ROC Curve (AUC) score

B.

F1 score

C.

BERT Score

D.

Real World Knowledge (RWK) score

Question 53

Which option is an example of unsupervised learning?

Options:

A.

A model that groups customers based on their purchase history

B.

A model that classifies images as dogs or cats

C.

A model that predicts a house's price based on various features

D.

A model that learns to play chess by using trial and error

Question 54

What does inference refer to in the context of AI?

Options:

A.

The process of creating new AI algorithms

B.

The use of a trained model to make predictions or decisions on unseen data

C.

The process of combining multiple AI models into one model

D.

The method of collecting training data for AI systems

Question 55

A company has a generative AI application that uses a pre-trained foundation model (FM) on Amazon Bedrock. The company wants the FM to include more context by using company information.

Which solution meets these requirements MOST cost-effectively?

Options:

A.

Use Amazon Bedrock Knowledge Bases.

B.

Choose a different FM on Amazon Bedrock.

C.

Use Amazon Bedrock Agents.

D.

Deploy a custom model on Amazon Bedrock.

Question 56

A company deployed an AI/ML solution to help customer service agents respond to frequently asked questions. The questions can change over time. The company wants to give customer service agents the ability to ask questions and receive automatically generated answers to common customer questions. Which strategy will meet these requirements MOST cost-effectively?

Options:

A.

Fine-tune the model regularly.

B.

Train the model by using context data.

C.

Pre-train and benchmark the model by using context data.

D.

Use Retrieval Augmented Generation (RAG) with prompt engineering techniques.

Question 57

A research company implemented a chatbot by using a foundation model (FM) from Amazon Bedrock. The chatbot searches for answers to questions from a large database of research papers.

After multiple prompt engineering attempts, the company notices that the FM is performing poorly because of the complex scientific terms in the research papers.

How can the company improve the performance of the chatbot?

Options:

A.

Use few-shot prompting to define how the FM can answer the questions.

B.

Use domain adaptation fine-tuning to adapt the FM to complex scientific terms.

C.

Change the FM inference parameters.

D.

Clean the research paper data to remove complex scientific terms.

Question 58

A company is building a contact center application and wants to gain insights from customer conversations. The company wants to analyze and extract key information from the audio of the customer calls.

Which solution meets these requirements?

Options:

A.

Build a conversational chatbot by using Amazon Lex.

B.

Transcribe call recordings by using Amazon Transcribe.

C.

Extract information from call recordings by using Amazon SageMaker Model Monitor.

D.

Create classification labels by using Amazon Comprehend.

Question 59

A company is building a solution to generate images for protective eyewear. The solution must have high accuracy and must minimize the risk of incorrect annotations.

Which solution will meet these requirements?

Options:

A.

Human-in-the-loop validation by using Amazon SageMaker Ground Truth Plus

B.

Data augmentation by using an Amazon Bedrock knowledge base

C.

Image recognition by using Amazon Rekognition

D.

Data summarization by using Amazon QuickSight

Question 60

An AI practitioner is using an Amazon Bedrock base model to summarize session chats from the customer service department. The AI practitioner wants to store invocation logs to monitor model input and output data.

Which strategy should the AI practitioner use?

Options:

A.

Configure AWS CloudTrail as the logs destination for the model.

B.

Enable invocation logging in Amazon Bedrock.

C.

Configure AWS Audit Manager as the logs destination for the model.

D.

Configure model invocation logging in Amazon EventBridge.

Question 61

An AI practitioner is developing a prompt for large language models (LLMs) in Amazon Bedrock. The AI practitioner must ensure that the prompt works across all Amazon Bedrock LLMs.

Which characteristic can differ across the LLMs?

Options:

A.

Maximum token count

B.

On-demand inference parameter support

C.

The ability to control model output randomness

D.

Compatibility with Amazon Bedrock Guardrails

Question 62

A company uses Amazon SageMaker and various models fa Its AI workloads. The company needs to understand If Its AI workloads are ISO compliant.

Which AWS service or feature meets these requirements?

Options:

A.

AWS Audit Manager

B.

Amazon SageMaker Model Cards

C.

Amazon SageMaker Model Monitor

D.

AWS Artifact

Question 63

A financial company uses AWS to host its generative AI models. The company must generate reports to show adherence to international regulations for handling sensitive customer data.

Options:

A.

Amazon Macie

B.

AWS Artifact

C.

AWS Secrets Manager

D.

AWS Config

Question 64

Why does overfilting occur in ML models?

Options:

A.

The training dataset does not reptesent all possible input values.

B.

The model contains a regularization method.

C.

The model training stops early because of an early stopping criterion.

D.

The training dataset contains too many features.

Question 65

A company wants to keep its foundation model (FM) relevant by using the most recent data. The company wants to implement a model training strategy that includes regular updates to the FM.

Which solution meets these requirements?

Options:

A.

Batch learning

B.

Continuous pre-training

C.

Static training

D.

Latent training

Question 66

Which THREE of the following principles of responsible AI are most critical to this scenario? (Choose 3)

* Explainability

* Fairness

* Privacy and security

* Robustness

* Safety

as

Options:

Question 67

A company wants to upload customer service email messages to Amazon S3 to develop a business analysis application. The messages sometimes contain sensitive data. The company wants to receive an alert every time sensitive information is found.

Which solution fully automates the sensitive information detection process with the LEAST development effort?

Options:

A.

Configure Amazon Macie to detect sensitive information in the documents that are uploaded to Amazon S3.

B.

Use Amazon SageMaker endpoints to deploy a large language model (LLM) to redact sensitive data.

C.

Develop multiple regex patterns to detect sensitive data. Expose the regex patterns on an Amazon SageMaker notebook.

D.

Ask the customers to avoid sharing sensitive information in their email messages.

Question 68

A retail company wants to build an ML model to recommend products to customers. The company wants to build the model based on responsible practices. Which practice should the company apply when collecting data to decrease model bias?

Options:

A.

Use data from only customers who match the demography of the company's overall customer base.

B.

Collect data from customers who have a past purchase history.

C.

Ensure that the data is balanced and collected from a diverse group.

D.

Ensure that the data is from a publicly available dataset.

Question 69

A company wants to improve multiple ML models.

Select the correct technique from the following list of use cases. Each technique should be selected one time or not at all. (Select THREE.)

    Few-shot learning

    Fine-tuning

    Retrieval Augmented Generation (RAG)

    Zero-shot learning

as

Options:

Question 70

A company is developing an editorial assistant application that uses generative AI. During the pilot phase, usage is low and application performance is not a concern. The company cannot predict application usage after the application is fully deployed and wants to minimize application costs.

Which solution will meet these requirements?

Options:

A.

Use GPU-powered Amazon EC2 instances.

B.

Use Amazon Bedrock with Provisioned Throughput.

C.

Use Amazon Bedrock with On-Demand Throughput.

D.

Use Amazon SageMaker JumpStart.

Question 71

A company uses Amazon Comprehend to analyze customer feedback. A customer has several unique trained models. The company uses Comprehend to assign each model an endpoint. The company wants to automate a report on each endpoint that is not used for more than 15 days.

Options:

A.

AWS Trusted Advisor

B.

Amazon CloudWatch

C.

AWS CloudTrail

D.

AWS Config

Question 72

A company that uses multiple ML models wants to identify changes in original model quality so that the company can resolve any issues.

Which AWS service or feature meets these requirements?

Options:

A.

Amazon SageMaker JumpStart

B.

Amazon SageMaker HyperPod

C.

Amazon SageMaker Data Wrangler

D.

Amazon SageMaker Model Monitor

Question 73

A company has multiple datasets that contain historical data. The company wants to use ML technologies to process each dataset.

Select the correct ML technology from the following list for each dataset. Select each ML technology one time or not at all. (Select THREE.)

    Computer vision

    Natural language processing (NLP)

    Reinforcement learning

    Time series forecasting

as

Options:

Question 74

HOTSPOT

Select the correct AI term from the following list for each statement. Each AI term should be selected one time. (Select THREE.)

• AI

• Deep learning

• ML

as

Options:

Question 75

A financial company is developing a generative AI application for loan approval decisions. The company needs the application output to be responsible and fair.

Options:

A.

Review the training data to check for biases. Include data from all demographics in the training data.

B.

Use a deep learning model with many hidden layers.

C.

Keep the model's decision-making process a secret to protect proprietary algorithms.

D.

Continuously monitor the model's performance on a static test dataset.

Question 76

What does an F1 score measure in the context of foundation model (FM) performance?

Options:

A.

Model precision and recall.

B.

Model speed in generating responses.

C.

Financial cost of operating the model.

D.

Energy efficiency of the model's computations.

Question 77

A company wants to use a pre-trained generative AI model to generate content for its marketing campaigns. The company needs to ensure that the generated content aligns with the company's brand voice and messaging requirements.

Which solution meets these requirements?

Options:

A.

Optimize the model's architecture and hyperparameters to improve the model's overall performance.

B.

Increase the model's complexity by adding more layers to the model's architecture.

C.

Create effective prompts that provide clear instructions and context to guide the model's generation.

D.

Select a large, diverse dataset to pre-train a new generative model.

Question 78

A company built a deep learning model for object detection and deployed the model to production.

Which AI process occurs when the model analyzes a new image to identify objects?

Options:

A.

Training

B.

Inference

C.

Model deployment

D.

Bias correction

Question 79

An accounting firm wants to implement a large language model (LLM) to automate document processing. The firm must proceed responsibly to avoid potential harms.

What should the firm do when developing and deploying the LLM? (Select TWO.)

Options:

A.

Include fairness metrics for model evaluation.

B.

Adjust the temperature parameter of the model.

C.

Modify the training data to mitigate bias.

D.

Avoid overfitting on the training data.

E.

Apply prompt engineering techniques.

Question 80

A company is developing a new model to predict the prices of specific items. The model performed well on the training dataset. When the company deployed the model to production, the model's performance decreased significantly.

What should the company do to mitigate this problem?

Options:

A.

Reduce the volume of data that is used in training.

B.

Add hyperparameters to the model.

C.

Increase the volume of data that is used in training.

D.

Increase the model training time.

Question 81

A company wants to develop ML applications to improve business operations and efficiency.

Select the correct ML paradigm from the following list for each use case. Each ML paradigm should be selected one or more times. (Select FOUR.)

• Supervised learning

• Unsupervised learning

as

Options:

Question 82

Which feature of Amazon OpenSearch Service gives companies the ability to build vector database applications?

Options:

A.

Integration with Amazon S3 for object storage

B.

Support for geospatial indexing and queries

C.

Scalable index management and nearest neighbor search capability

D.

Ability to perform real-time analysis on streaming data

Page: 1 / 27
Total 274 questions