Month End Sale 70% Discount Offer - Ends in 0d 00h 00m 00s - Coupon code: save70

Free and Premium Amazon Web Services AIF-C01 Dumps Questions Answers

Page: 1 / 10
Total 97 questions

AWS Certified AI Practitioner Exam Questions and Answers

Question 1

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

Buy Now
Question 2

A company is building an ML model. The company collected new data and analyzed the data by creating a correlation matrix, calculating statistics, and visualizing the data.

Which stage of the ML pipeline is the company currently in?

Options:

A.

Data pre-processing

B.

Feature engineering

C.

Exploratory data analysis

D.

Hyperparameter tuning

Question 3

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 4

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 5

Which term describes the numerical representations of real-world objects and concepts that AI and natural language processing (NLP) models use to improve understanding of textual information?

Options:

A.

Embeddings

B.

Tokens

C.

Models

D.

Binaries

Question 6

Which option is a use case for generative AI models?

Options:

A.

Improving network security by using intrusion detection systems

B.

Creating photorealistic images from text descriptions for digital marketing

C.

Enhancing database performance by using optimized indexing

D.

Analyzing financial data to forecast stock market trends

Question 7

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 8

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 9

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 10

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 11

A company has installed a security camera. The company uses an ML model to evaluate the security camera footage for potential thefts. The company has discovered that the model disproportionately flags people who are members of a specific ethnic group.

Which type of bias is affecting the model output?

Options:

A.

Measurement bias

B.

Sampling bias

C.

Observer bias

D.

Confirmation bias

Question 12

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 13

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 14

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 15

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 16

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 17

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 18

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 19

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 20

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 21

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 22

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 23

A company wants to make a chatbot to help customers. The chatbot will help solve technical problems without human intervention. The company chose a foundation model (FM) for the chatbot. The chatbot needs to produce responses that adhere to company tone.

Which solution meets these requirements?

Options:

A.

Set a low limit on the number of tokens the FM can produce.

B.

Use batch inferencing to process detailed responses.

C.

Experiment and refine the prompt until the FM produces the desired responses.

D.

Define a higher number for the temperature parameter.

Question 24

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 25

An AI practitioner is using a large language model (LLM) to create content for marketing campaigns. The generated content sounds plausible and factual but is incorrect.

Which problem is the LLM having?

Options:

A.

Data leakage

B.

Hallucination

C.

Overfitting

D.

Underfitting

Question 26

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 27

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 28

A company wants to improve the accuracy of the responses from a generative AI application. The application uses a foundation model (FM) on Amazon Bedrock.

Which solution meets these requirements MOST cost-effectively?

Options:

A.

Fine-tune the FM.

B.

Retrain the FM.

C.

Train a new FM.

D.

Use prompt engineering.

Question 29

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 30

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 31

Which functionality does Amazon SageMaker Clarify provide?

Options:

A.

Integrates a Retrieval Augmented Generation (RAG) workflow

B.

Monitors the quality of ML models in production

C.

Documents critical details about ML models

D.

Identifies potential bias during data preparation

Question 32

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 33

A law firm wants to build an AI application by using large language models (LLMs). The application will read legal documents and extract key points from the documents.

Which solution meets these requirements?

Options:

A.

Build an automatic named entity recognition system.

B.

Create a recommendation engine.

C.

Develop a summarization chatbot.

D.

Develop a multi-language translation system.

Question 34

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 35

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 36

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 37

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 38

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

Options:

Question 39

An airline company wants to build a conversational AI assistant to answer customer questions about flight schedules, booking, and payments. The company wants to use large language models (LLMs) and a knowledge base to create a text-based chatbot interface.

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

Options:

A.

Train models on Amazon SageMaker Autopilot.

B.

Develop a Retrieval Augmented Generation (RAG) agent by using Amazon Bedrock.

C.

Create a Python application by using Amazon Q Developer.

D.

Fine-tune models on Amazon SageMaker Jumpstart.

Question 40

An ML research team develops custom ML models. The model artifacts are shared with other teams for integration into products and services. The ML team retains the model training code and data. The ML team wants to builk a mechanism that the ML team can use to audit models.

Which solution should the ML team use when publishing the custom ML models?

Options:

A.

Create documents with the relevant information. Store the documents in Amazon S3.

B.

Use AWS A] Service Cards for transparency and understanding models.

C.

Create Amazon SageMaker Model Cards with Intended uses and training and inference details.

D.

Create model training scripts. Commit the model training scripts to a Git repository.

Question 41

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

Page: 1 / 10
Total 97 questions