Pre-Winter Sale- Special Discount Limited Time 65% Offer - Ends in 0d 00h 00m 00s - Coupon code: netdisc

Amazon Web Services AIF-C01 AWS Certified AI Practitioner Exam Exam Practice Test

Page: 1 / 26
Total 258 questions

AWS Certified AI Practitioner Exam Questions and Answers

Question 1

A company has a database of petabytes of unstructured data from internal sources. The company wants to transform this data into a structured format so that its data scientists can perform machine learning (ML) tasks.

Which service will meet these requirements?

Options:

A.

Amazon Lex

B.

Amazon Rekognition

C.

Amazon Kinesis Data Streams

D.

AWS Glue

Question 2

A company needs to train an ML model to classify images of different types of animals. The company has a large dataset of labeled images and will not label more data. Which type of learning should the company use to train the model?

Options:

A.

Supervised learning.

B.

Unsupervised learning.

C.

Reinforcement learning.

D.

Active learning.

Question 3

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 4

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 5

Which type of AI model makes numeric predictions?

Options:

A.

Diffusion

B.

Regression

C.

Transformer

D.

Multi-modal

Question 6

A company has built a solution by using generative AI. The solution uses large language models (LLMs) to translate training manuals from English into other languages. The company wants to evaluate the accuracy of the solution by examining the text generated for the manuals.

Which model evaluation strategy meets these requirements?

Options:

A.

Bilingual Evaluation Understudy (BLEU)

B.

Root mean squared error (RMSE)

C.

Recall-Oriented Understudy for Gisting Evaluation (ROUGE)

D.

F1 score

Question 7

A company wants to build an ML application.

Select and order the correct steps from the following list to develop a well-architected ML workload. Each step should be selected one time. (Select and order FOUR.)

• Deploy model

• Develop model

• Monitor model

• Define business goal and frame ML problem

Question # 7

Options:

Question 8

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 9

A company uses Amazon SageMaker for its ML pipeline in a production environment. The company has large input data sizes up to 1 GB and processing times up to 1 hour. The company needs near real-time latency.

Which SageMaker inference option meets these requirements?

Options:

A.

Real-time inference

B.

Serverless inference

C.

Asynchronous inference

D.

Batch transform

Question 10

A company wants to use Amazon Bedrock. The company needs to review which security aspects the company is responsible for when using Amazon Bedrock.

Options:

A.

Patching and updating the versions of Amazon Bedrock

B.

Protecting the infrastructure that hosts Amazon Bedrock

C.

Securing the company's data in transit and at rest

D.

Provisioning Amazon Bedrock within the company network

Question 11

A company is deploying AI/ML models by using AWS services. The company wants to offer transparency into the models' decision-making processes and provide explanations for the model outputs.

Options:

A.

Amazon SageMaker Model Cards

B.

Amazon Rekognition

C.

Amazon Comprehend

D.

Amazon Lex

Question 12

Which strategy will prevent model hallucinations?

Options:

A.

Fact-check the output of the large language model (LLM).

B.

Compare the output of the large language model (LLM) to the results of an internet search.

C.

Use contextual grounding.

D.

Use relevance grounding.

Question 13

A media streaming platform wants to provide movie recommendations to users based on the users' account history.

Options:

A.

Amazon Polly

B.

Amazon Comprehend

C.

Amazon Transcribe

D.

Amazon Personalize

Question 14

An ecommerce company is deploying a chatbot. The chatbot will give users the ability to ask questions about the company's products and receive details on users' orders. The company must implement safeguards for the chatbot to filter harmful content from the input prompts and chatbot responses.

Which AWS feature or resource meets these requirements?

Options:

A.

Amazon Bedrock Guardrails

B.

Amazon Bedrock Agents

C.

Amazon Bedrock inference APIs

D.

Amazon Bedrock custom models

Question 15

A loan company is building a generative AI-based solution to offer new applicants discounts based on specific business criteria. The company wants to build and use an AI model responsibly to minimize bias that could negatively affect some customers.

Which actions should the company take to meet these requirements? (Select TWO.)

Options:

A.

Detect imbalances or disparities in the data.

B.

Ensure that the model runs frequently.

C.

Evaluate the model's behavior so that the company can provide transparency to stakeholders.

D.

Use the Recall-Oriented Understudy for Gisting Evaluation (ROUGE) technique to ensure that the model is 100% accurate.

E.

Ensure that the model's inference time is within the accepted limits.

Question 16

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 17

A company is using supervised learning to train an AI model on a small labeled dataset that is specific to a target task. Which step of the foundation model (FM) lifecycle does this describe?

Options:

A.

Fine-tuning

B.

Data selection

C.

Pre-training

D.

Evaluation

Question 18

A company wants to create a chatbot by using a foundation model (FM) on Amazon Bedrock. The FM needs to access encrypted data that is stored in an Amazon S3 bucket.

The data is encrypted with Amazon S3 managed keys (SSE-S3).

The FM encounters a failure when attempting to access the S3 bucket data.

Which solution will meet these requirements?

Options:

A.

Ensure that the role that Amazon Bedrock assumes has permission to decrypt data with the correct encryption key.

B.

Set the access permissions for the S3 buckets to allow public access to enable access over the internet.

C.

Use prompt engineering techniques to tell the model to look for information in Amazon S3.

D.

Ensure that the S3 data does not contain sensitive information.

Question 19

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 20

A company is using Amazon SageMaker to develop AI models.

Select the correct SageMaker feature or resource from the following list for each step in the AI model lifecycle workflow. Each

SageMaker feature or resource should be selected one time or not at all. (Select TWO.)

    SageMaker Clarify

    SageMaker Model Registry

    SageMaker Serverless Inference

Question # 20

Options:

Question 21

A company wants to use AI to protect its application from threats. The AI solution needs to check if an IP address is from a suspicious source.

Options:

A.

Build a speech recognition system

B.

Create a natural language processing (NLP) named entity recognition system

C.

Develop an anomaly detection system

D.

Create a fraud forecasting system

Question 22

A company built an AI-powered resume screening system. The company used a large dataset to train the model. The dataset contained resumes that were not representative of all demographics. Which core dimension of responsible AI does this scenario present?

Options:

A.

Fairness.

B.

Explainability.

C.

Privacy and security.

D.

Transparency.

Question 23

A company is implementing the Amazon Titan foundation model (FM) by using Amazon Bedrock. The company needs to supplement the model by using relevant data from the company's private data sources.

Which solution will meet this requirement?

Options:

A.

Use a different FM

B.

Choose a lower temperature value

C.

Create an Amazon Bedrock knowledge base

D.

Enable model invocation logging

Question 24

A company is building a customer service chatbot. The company wants the chatbot to improve its responses by learning from past interactions and online resources.

Which AI learning strategy provides this self-improvement capability?

Options:

A.

Supervised learning with a manually curated dataset of good responses and bad responses

B.

Reinforcement learning with rewards for positive customer feedback

C.

Unsupervised learning to find clusters of similar customer inquiries

D.

Supervised learning with a continuously updated FAQ database

Question 25

A company wants to use a large language model (LLM) on Amazon Bedrock for sentiment analysis. The company needs the LLM to produce more consistent responses to the same input prompt.

Which adjustment to an inference parameter should the company make to meet these requirements?

Options:

A.

Decrease the temperature value

B.

Increase the temperature value

C.

Decrease the length of output tokens

D.

Increase the maximum generation length

Question 26

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 27

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 28

A company wants to implement a large language model (LLM)-based chatbot to provide customer service agents with real-time contextual responses to customers' inquiries. The company will use the company's policies as the knowledge base.

Options:

A.

Retrain the LLM on the company policy data.

B.

Fine-tune the LLM on the company policy data.

C.

Implement Retrieval Augmented Generation (RAG) for in-context responses.

D.

Use pre-training and data augmentation on the company policy data.

Question 29

A company is using Amazon SageMaker Studio notebooks to build and train ML models. The company stores the data in an Amazon S3 bucket. The company needs to manage the flow of data from Amazon S3 to SageMaker Studio notebooks.

Which solution will meet this requirement?

Options:

A.

Use Amazon Inspector to monitor SageMaker Studio.

B.

Use Amazon Macie to monitor SageMaker Studio.

C.

Configure SageMaker to use a VPC with an S3 endpoint.

D.

Configure SageMaker to use S3 Glacier Deep Archive.

Question 30

A company deployed a model to production. After 4 months, the model inference quality degraded. The company wants to receive a notification if the model inference quality degrades. The company also wants to ensure that the problem does not happen again.

Which solution will meet these requirements?

Options:

A.

Retrain the model. Monitor model drift by using Amazon SageMaker Clarify.

B.

Retrain the model. Monitor model drift by using Amazon SageMaker Model Monitor.

C.

Build a new model. Monitor model drift by using Amazon SageMaker Feature Store.

D.

Build a new model. Monitor model drift by using Amazon SageMaker JumpStart.

Question 31

A company has built a chatbot that can respond to natural language questions with images. The company wants to ensure that the chatbot does not return inappropriate or unwanted images.

Which solution will meet these requirements?

Options:

A.

Implement moderation APIs.

B.

Retrain the model with a general public dataset.

C.

Perform model validation.

D.

Automate user feedback integration.

Question 32

A company is using a large language model (LLM) on Amazon Bedrock to build a chatbot. The chatbot processes customer support requests. To resolve a request, the customer and the chatbot must interact a few times.

Which solution gives the LLM the ability to use content from previous customer messages?

Options:

A.

Turn on model invocation logging to collect messages.

B.

Add messages to the model prompt.

C.

Use Amazon Personalize to save conversation history.

D.

Use Provisioned Throughput for the LLM.

Question 33

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 34

Which option describes embeddings in the context of AI?

Options:

A.

A method for compressing large datasets

B.

An encryption method for securing sensitive data

C.

A method for visualizing high-dimensional data

D.

A numerical method for data representation in a reduced dimensionality space

Question 35

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 36

A company wants to use AI to protect its application from threats. The AI solution needs to check if an IP address is from a suspicious source.

Which solution meets these requirements?

Options:

A.

Build a speech recognition system.

B.

Create a natural language processing (NLP) named entity recognition system.

C.

Develop an anomaly detection system.

D.

Create a fraud forecasting system.

Question 37

A large retailer receives thousands of customer support inquiries about products every day. The customer support inquiries need to be processed and responded to quickly. The company wants to implement Agents for Amazon Bedrock.

What are the key benefits of using Amazon Bedrock agents that could help this retailer?

Options:

A.

Generation of custom foundation models (FMs) to predict customer needs

B.

Automation of repetitive tasks and orchestration of complex workflows

C.

Automatically calling multiple foundation models (FMs) and consolidating the results

D.

Selecting the foundation model (FM) based on predefined criteria and metrics

Question 38

A company is creating a model to label credit card transactions. The company has a large volume of sample transaction data to train the model. Most of the transaction data is unlabeled. The data does not contain confidential information. The company needs to obtain labeled sample data to fine-tune the model.

Options:

A.

Run batch inference jobs on the unlabeled data

B.

Run an Amazon SageMaker AI training job that uses the PyTorch Distributed library to label data

C.

Use an Amazon SageMaker Ground Truth labeling job with Amazon Mechanical Turk workers

D.

Use an optical character recognition model trained on labeled samples to label unlabeled samples

E.

Run an Amazon SageMaker AI labeling job

Question 39

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 40

A company is testing the security of a foundation model (FM). During testing, the company wants to get around the safety features and make harmful content.

Options:

A.

Fuzzing training data to find vulnerabilities

B.

Denial of service (DoS)

C.

Penetration testing with authorization

D.

Jailbreak

Question 41

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 42

An AI practitioner has built a deep learning model to classify the types of materials in images. The AI practitioner now wants to measure the model performance.

Which metric will help the AI practitioner evaluate the performance of the model?

Options:

A.

Confusion matrix

B.

Correlation matrix

C.

R2 score

D.

Mean squared error (MSE)

Question 43

A company wants to build an ML model by using Amazon SageMaker. The company needs to share and manage variables for model development across multiple teams.

Which SageMaker feature meets these requirements?

Options:

A.

Amazon SageMaker Feature Store

B.

Amazon SageMaker Data Wrangler

C.

Amazon SageMaker Clarify

D.

Amazon SageMaker Model Cards

Question 44

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 45

A company is developing an ML model to make loan approvals. The company must implement a solution to detect bias in the model. The company must also be able to explain the model's predictions.

Which solution will meet these requirements?

Options:

A.

Amazon SageMaker Clarify

B.

Amazon SageMaker Data Wrangler

C.

Amazon SageMaker Model Cards

D.

AWS AI Service Cards

Question 46

Which scenario represents a practical use case for generative AI?

Options:

A.

Using an ML model to forecast product demand

B.

Employing a chatbot to provide human-like responses to customer queries in real time

C.

Using an analytics dashboard to track website traffic and user behavior

D.

Implementing a rule-based recommendation engine to suggest products to customers

Question 47

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 48

What is the purpose of vector embeddings in a large language model (LLM)?

Options:

A.

Splitting text into manageable pieces of data

B.

Grouping a set of characters to be treated as a single unit

C.

Providing the ability to mathematically compare texts

D.

Providing the count of every word in the input

Question 49

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

Question # 49

Options:

Question 50

A digital devices company wants to predict customer demand for memory hardware. The company does not have coding experience or knowledge of ML algorithms and needs to develop a data-driven predictive model. The company needs to perform analysis on internal data and external data.

Which solution will meet these requirements?

Options:

A.

Store the data in Amazon S3. Create ML models and demand forecast predictions by using Amazon SageMaker built-in algorithms that use the data from Amazon S3.

B.

Import the data into Amazon SageMaker Data Wrangler. Create ML models and demand forecast predictions by using SageMaker built-in algorithms.

C.

Import the data into Amazon SageMaker Data Wrangler. Build ML models and demand forecast predictions by using an Amazon Personalize Trending-Now recipe.

D.

Import the data into Amazon SageMaker Canvas. Build ML models and demand forecast predictions by selecting the values in the data from SageMaker Canvas.

Question 51

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 52

A company is developing a mobile ML app that uses a phone's camera to diagnose and treat insect bites. The company wants to train an image classification model by using a diverse dataset of insect bite photos from different genders, ethnicities, and geographic locations around the world.

Which principle of responsible Al does the company demonstrate in this scenario?

Options:

A.

Fairness

B.

Explainability

C.

Governance

D.

Transparency

Question 53

A financial institution is building an AI solution to make loan approval decisions by using a foundation model (FM). For security and audit purposes, the company needs the AI solution's decisions to be explainable.

Which factor relates to the explainability of the AI solution's decisions?

Options:

A.

Model complexity

B.

Training time

C.

Number of hyperparameters

D.

Deployment time

Question 54

A security company is using Amazon Bedrock to run foundation models (FMs). The company wants to ensure that only authorized users invoke the models. The company needs to identify any unauthorized access attempts to set appropriate AWS Identity and Access Management (IAM) policies and roles for future iterations of the FMs.

Which AWS service should the company use to identify unauthorized users that are trying to access Amazon Bedrock?

Options:

A.

AWS Audit Manager

B.

AWS CloudTrail

C.

Amazon Fraud Detector

D.

AWS Trusted Advisor

Question 55

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 56

Which technique involves training AI models on labeled datasets to adapt the models to specific industry terminology and requirements?

Options:

A.

Data augmentation

B.

Fine-tuning

C.

Model quantization

D.

Continuous pre-training

Question 57

A company is developing an ML model to predict customer churn.

Which evaluation metric will assess the model's performance on a binary classification task such as predicting chum?

Options:

A.

F1 score

B.

Mean squared error (MSE)

C.

R-squared

D.

Time used to train the model

Question 58

An AI practitioner trained a custom model on Amazon Bedrock by using a training dataset that contains confidential data. The AI practitioner wants to ensure that the custom model does not generate inference responses based on confidential data.

How should the AI practitioner prevent responses based on confidential data?

Options:

A.

Delete the custom model. Remove the confidential data from the training dataset. Retrain the custom model.

B.

Mask the confidential data in the inference responses by using dynamic data masking.

C.

Encrypt the confidential data in the inference responses by using Amazon SageMaker.

D.

Encrypt the confidential data in the custom model by using AWS Key Management Service (AWS KMS).

Question 59

A company has petabytes of unlabeled customer data to use for an advertisement campaign. The company wants to classify its customers into tiers to advertise and promote the company's products.

Which methodology should the company use to meet these requirements?

Options:

A.

Supervised learning

B.

Unsupervised learning

C.

Reinforcement learning

D.

Reinforcement learning from human feedback (RLHF)

Question 60

A company is building a chatbot to improve user experience. The company is using a large language model (LLM) from Amazon Bedrock for intent detection. The company wants to use few-shot learning to improve intent detection accuracy.

Which additional data does the company need to meet these requirements?

Options:

A.

Pairs of chatbot responses and correct user intents

B.

Pairs of user messages and correct chatbot responses

C.

Pairs of user messages and correct user intents

D.

Pairs of user intents and correct chatbot responses

Question 61

A company acquires International Organization for Standardization (ISO) accreditation to manage AI risks and to use AI responsibly. What does this accreditation certify?

Options:

A.

All members of the company are ISO certified.

B.

All AI systems that the company uses are ISO certified.

C.

All AI application team members are ISO certified.

D.

The company’s development framework is ISO certified.

Question 62

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 63

A manufacturing company wants to create product descriptions in multiple languages.

Which AWS service will automate this task?

Options:

A.

Amazon Translate

B.

Amazon Transcribe

C.

Amazon Kendra

D.

Amazon Polly

Question 64

HOTSPOT

A company is training its employees on how to structure prompts for foundation models.

Select the correct prompt engineering technique from the following list for each prompt template. Each prompt engineering technique should be selected onetime. (SelectTHREE.)

• Chain-of-thought reasoning

• Few-shot learning

• Zero-shot learning

Question # 64

Options:

Question 65

An ecommerce company is developing a generative Al solution to create personalized product recommendations for its application users. The company wants to track how effectively the Al solution increases product sales and user engagement in the application.

Select the correct business metric from the following list for each business goal. Each business metric should be selected one time. (Select THREE.)

    Average order value (AOV)

    Click-through rate (CTR)

    Retention rate

Question # 65

Options:

Question 66

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 67

Which component of Amazon Bedrock Studio can help secure the content that AI systems generate?

Options:

A.

Access controls

B.

Function calling

C.

Guardrails

D.

Knowledge bases

Page: 1 / 26
Total 258 questions