0% found this document useful (0 votes)
42 views13 pages

Amazon - AIF q41

The document contains a series of questions and answers related to the AWS Certified AI Practitioner (AIF-C01) exam. It covers various topics including model training, deployment, evaluation, and compliance with regulatory frameworks. The questions focus on practical applications of AI and machine learning using AWS services.

Uploaded by

Mansoor Bari
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
42 views13 pages

Amazon - AIF q41

The document contains a series of questions and answers related to the AWS Certified AI Practitioner (AIF-C01) exam. It covers various topics including model training, deployment, evaluation, and compliance with regulatory frameworks. The questions focus on practical applications of AI and machine learning using AWS services.

Uploaded by

Mansoor Bari
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 13

Amazon.AIF-C01.v2024-12-13.

q41

Exam Code: AIF-C01


Exam Name: AWS Certified AI Practitioner
Certification Provider: Amazon
Free Question Number: 41
Version: v2024-12-13
# of views: 103
# of Questions views: 429
https://www.freecram.net/torrent/Amazon.AIF-C01.v2024-12-13.q41.html

NEW QUESTION: 1
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?
A. Redact personal data in Amazon S3. Update the S3 bucket policy to allow team access to
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. Create an Amazon Bedrock custom service role for each team that has access to only the
team's 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.
Answer: (SHOW ANSWER)

NEW QUESTION: 2
A company is training a foundation model (FM). The company wants to increase the accuracy of
the model up to a specific acceptance level.
Which solution will meet these requirements?
A. Increase the temperature parameter.
B. Decrease the batch size.
C. Decrease the epochs.
D. Increase the epochs.
Answer: D (LEAVE A REPLY)

NEW QUESTION: 3
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?
A. Use AWS Batch to host the model and serve predictions.
B. Use Amazon SageMaker Serverless Inference to deploy the model.
C. Use Amazon CloudFront to deploy the model.
D. Use Amazon API Gateway to host the model and serve predictions.
Answer: (SHOW ANSWER)

NEW QUESTION: 4
A company is using the Generative AI Security Scoping Matrix to assess security responsibilities
for its solutions. The company has identified four different solution scopes based on the matrix.
Which solution scope gives the company the MOST ownership of security responsibilities?
A. Building an application by using an existing third-party generative AI foundation model (FM).
B. Building and training a generative AI model from scratch by using specific data that a customer
owns.
C. Using a third-party enterprise application that has embedded generative AI features.
D. Refining an existing third-party generative AI foundation model (FM) by fine-tuning the model
by using data specific to the business.
Answer: (SHOW ANSWER)

NEW QUESTION: 5
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?
A. Clean the research paper data to remove complex scientific terms.
B. Use domain adaptation fine-tuning to adapt the FM to complex scientific terms.
C. Change the FM inference parameters.
D. Use few-shot prompting to define how the FM can answer the questions.
Answer: (SHOW ANSWER)

NEW QUESTION: 6
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?
A. Amazon Translate
B. Amazon Transcribe
C. Amazon Lex
D. Amazon Comprehend
Answer: (SHOW ANSWER)

NEW QUESTION: 7
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?
A. Gather more data. Use Amazon Rekognition to add custom labels to the data.
B. Encrypt and secure training data by using Amazon Macie.
C. Generate simple metrics, reports, and examples by using Amazon SageMaker Clarify.
D. Configure the security and compliance by using Amazon Inspector.
Answer: (SHOW ANSWER)

NEW QUESTION: 8
An e-commerce company wants to build a solution to determine customer sentiments based on
written customer reviews of products.
Which AWS services meet these requirements? (Select TWO.)
A. Amazon Polly
B. Amazon Rekognition
C. Amazon Bedrock
D. Amazon Comprehend
E. Amazon Lex
Answer: (SHOW ANSWER)

NEW QUESTION: 9
Which metric measures the runtime efficiency of operating AI models?
A. Number of training instances
B. Average response time
C. Training time for each epoch
D. Customer satisfaction score (CSAT)
Answer: (SHOW ANSWER)

NEW QUESTION: 10

A. Pairs of chatbot responses and correct user intents


B. Pairs of user messages and correct user intents
C. Pairs of user messages and correct chatbot responses
D. Pairs of user intents and correct chatbot responses
Answer: B (LEAVE A REPLY)

NEW QUESTION: 11
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?
A. Data pre-processing
B. Feature engineering
C. Hyperparameter tuning
D. Exploratory data analysis
Answer: D (LEAVE A REPLY)

NEW QUESTION: 12
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?
A. Moderation logs
B. Benchmark datasets
C. User-generated content
D. Content moderation guidelines
Answer: (SHOW ANSWER)

NEW QUESTION: 13
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?
A. Enable invocation logging in Amazon Bedrock.
B. Configure AWS CloudTrail as the logs destination for the model.
C. Configure AWS Audit Manager as the logs destination for the model.
D. Configure model invocation logging in Amazon EventBridge.
Answer: (SHOW ANSWER)

NEW QUESTION: 14
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.)
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.
Answer: A,C (LEAVE A REPLY)
I'll continue with more questions. Stay tuned!

NEW QUESTION: 15
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?
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.
Answer: (SHOW ANSWER)
I'll continue to format the rest. Let me know if you would like me to provide them all in one go or in
parts.

NEW QUESTION: 16
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?
A. Use reinforcement learning to train a model to return the probability.
B. Use code that will calculate probability by using simple rules and computations.
C. Use unsupervised learning to create a model that will estimate probability density.
D. Use supervised learning to create a regression model that will predict probability.
Answer: (SHOW ANSWER)

Valid AIF-C01 Dumps shared by ExamDiscuss.com for Helping Passing AIF-C01 Exam!
ExamDiscuss.com now offer the newest AIF-C01 exam dumps, the ExamDiscuss.com AIF-
C01 exam questions have been updated and answers have been corrected get the
newest ExamDiscuss.com AIF-C01 dumps with Test Engine here:
https://www.examdiscuss.com/Amazon/exam/AIF-C01/premium/ (88 Q&As Dumps, 35%OFF
Special Discount Code: freecram)

NEW QUESTION: 17
Which AWS service or feature can help an AI development team quickly deploy and consume a
foundation model (FM) within the team's VPC?
A. Amazon SageMaker endpoints
B. PartyRock, an Amazon Bedrock Playground
C. Amazon SageMaker JumpStart
D. Amazon Personalize
Answer: (SHOW ANSWER)

NEW QUESTION: 18
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?
A. Linear regression
B. Neural networks
C. Logistic regression
D. Decision trees
Answer: (SHOW ANSWER)

NEW QUESTION: 19
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?
A. Spot Instance
B. On-Demand
C. Model customization
D. Provisioned Throughput
Answer: (SHOW ANSWER)

NEW QUESTION: 20

A. Customize the model by using fine-tuning.


B. Decrease the number of tokens in the prompt.
C. Increase the number of tokens in the prompt.
D. Use Provisioned Throughput.
Answer: (SHOW ANSWER)

NEW QUESTION: 21
A company needs to build its own large language model (LLM) based on only the company's
private dat a. The company is concerned about the environmental effect of the training process.
Which Amazon EC2 instance type has the LEAST environmental effect when training LLMs?
A. Amazon EC2 C series
B. Amazon EC2 Trn series
C. Amazon EC2 G series
D. Amazon EC2 P series
Answer: (SHOW ANSWER)

NEW QUESTION: 22
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?
A. Increase the model's complexity by adding more layers to the model's architecture.
B. Create effective prompts that provide clear instructions and context to guide the model's
generation.
C. Select a large, diverse dataset to pre-train a new generative model.
D. Optimize the model's architecture and hyperparameters to improve the model's overall
performance.
Answer: (SHOW ANSWER)

NEW QUESTION: 23
A company wants to deploy a conversational chatbot to answer customer questions. The chatbot
is based on a fine-tuned Amazon SageMaker JumpStart model. The application must comply with
multiple regulatory frameworks.
Which capabilities can the company show compliance for? (Select TWO.)
A. Auto scaling inference endpoints
B. Threat detection
C. Data protection
D. Cost optimization
E. Loosely coupled microservices
Answer: (SHOW ANSWER)
Let me know if you'd like to continue with any more questions or if you need further assistance!
NEW QUESTION: 24
Which feature of Amazon OpenSearch Service gives companies the ability to build vector
database applications?
A. Scalable index management and nearest neighbor search capability
B. Integration with Amazon S3 for object storage
C. Support for geospatial indexing and queries
D. Ability to perform real-time analysis on streaming data
Answer: (SHOW ANSWER)

NEW QUESTION: 25
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?
A. Embeddings
B. Tokens
C. Binaries
D. Models
Answer: (SHOW ANSWER)

NEW QUESTION: 26
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?
A. F1 score
B. Recall-Oriented Understudy for Gisting Evaluation (ROUGE)
C. Bilingual Evaluation Understudy (BLEU)
D. Root mean squared error (RMSE)
Answer: (SHOW ANSWER)

NEW QUESTION: 27
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?
A. Average call duration
B. Regulatory compliance
C. Website engagement rate
D. Corporate social responsibility
Answer: (SHOW ANSWER)
NEW QUESTION: 28
A company needs to choose a model from Amazon Bedrock to use internally. The company must
identify a model that generates responses in a style that the company's employees prefer.
What should the company do to meet these requirements?
A. Use the model InvocationLatency runtime metrics in Amazon CloudWatch when trying models.
B. Use public model leaderboards to identify the model.
C. Evaluate the models by using a human workforce and custom prompt datasets.
D. Evaluate the models by using built-in prompt datasets.
Answer: (SHOW ANSWER)

NEW QUESTION: 29
A company wants to display the total sales for its top-selling products across various retail
locations in the past 12 months.
Which AWS solution should the company use to automate the generation of graphs?
A. Amazon Q in Amazon EC2
B. Amazon Q Developer
C. Amazon Q in AWS Chatbot
D. Amazon Q in Amazon QuickSight
Answer: (SHOW ANSWER)

NEW QUESTION: 30

A. Improves model performance over time


B. Optimizes model inference time
C. Helps decrease the model's complexity
D. Decreases the training time requirement
Answer: (SHOW ANSWER)

NEW 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?
A. Automate user feedback integration.
B. Implement moderation APIs.
C. Retrain the model with a general public dataset.
D. Perform model validation.
Answer: B (LEAVE A REPLY)
Valid AIF-C01 Dumps shared by ExamDiscuss.com for Helping Passing AIF-C01 Exam!
ExamDiscuss.com now offer the newest AIF-C01 exam dumps, the ExamDiscuss.com AIF-
C01 exam questions have been updated and answers have been corrected get the
newest ExamDiscuss.com AIF-C01 dumps with Test Engine here:
https://www.examdiscuss.com/Amazon/exam/AIF-C01/premium/ (88 Q&As Dumps, 35%OFF
Special Discount Code: freecram)

NEW QUESTION: 32
Which metric measures the runtime efficiency of operating AI models?
A. Average response time
B. Training time for each epoch
C. Customer satisfaction score (CSAT)
D. Number of training instances
Answer: (SHOW ANSWER)

NEW QUESTION: 33
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?
A. Data augmentation for imbalanced classes
B. Retrieval Augmented Generation (RAG)
C. Watermark detection for images
D. Model monitoring for class distribution
Answer: (SHOW ANSWER)

NEW QUESTION: 34
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?
A. Unsupervised learning to find clusters of similar customer inquiries
B. Supervised learning with a continuously updated FAQ database
C. Supervised learning with a manually curated dataset of good responses and bad responses
D. Reinforcement learning with rewards for positive customer feedback
Answer: (SHOW ANSWER)

NEW QUESTION: 35
Which option is a use case for generative AI models?
A. Improving network security by using intrusion detection systems
B. Creating photorealistic images from text descriptions for digital marketing
C. Analyzing financial data to forecast stock market trends
D. Enhancing database performance by using optimized indexing
Answer: (SHOW ANSWER)

NEW QUESTION: 36
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?
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 all the PDF documents to fine-tune a model with Amazon Bedrock. Use the fine-tuned
model to process user prompts.
C. Upload PDF documents to an Amazon Bedrock knowledge base. Use the knowledge base to
provide context when users submit prompts to Amazon Bedrock.
D. Use prompt engineering to add all the PDF files as context to the user prompt when the prompt
is submitted to Amazon Bedrock.
Answer: (SHOW ANSWER)

NEW QUESTION: 37
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?
A. Use Amazon Inspector to monitor SageMaker Studio.
B. Configure SageMaker to use a VPC with an S3 endpoint.
C. Use Amazon Macie to monitor SageMaker Studio.
D. Configure SageMaker to use S3 Glacier Deep Archive.
Answer: (SHOW ANSWER)

NEW QUESTION: 38
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?
A. Root mean squared error (RMSE)
B. R-squared score
C. Learning rate
D. Accuracy
Answer: (SHOW ANSWER)

NEW QUESTION: 39
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?
A. Use transfer learning.
B. Increase the number of epochs.
C. Decrease the number of epochs.
D. Use unsupervised learning.
Answer: (SHOW ANSWER)

NEW QUESTION: 40

A. Transcribe call recordings by using Amazon Transcribe.


B. Extract information from call recordings by using Amazon SageMaker Model Monitor.
C. Build a conversational chatbot by using Amazon Lex.
D. Create classification labels by using Amazon Comprehend.
Answer: (SHOW ANSWER)

NEW QUESTION: 41
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?
A. Code for model training
B. Sample data for training
C. Partial dependence plots (PDPs)
D. Model convergence tables
Answer: (SHOW ANSWER)

Valid AIF-C01 Dumps shared by ExamDiscuss.com for Helping Passing AIF-C01 Exam!
ExamDiscuss.com now offer the newest AIF-C01 exam dumps, the ExamDiscuss.com AIF-
C01 exam questions have been updated and answers have been corrected get the
newest ExamDiscuss.com AIF-C01 dumps with Test Engine here:
https://www.examdiscuss.com/Amazon/exam/AIF-C01/premium/ (88 Q&As Dumps, 35%OFF
Special Discount Code: freecram)

You might also like