New Year Sale Limited Time 70% Discount Offer - Ends in 0d 00h 00m 00s - Coupon code: 70percent

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

Demo: 76 questions
Total 289 questions

AWS Certified AI Practitioner Exam Questions and Answers

Question 1

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 2

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 3

What is tokenization used for in natural language processing (NLP)?

Options:

A.

To encrypt text data

B.

To compress text files

C.

To break text into smaller units for processing

D.

To translate text between languages

Question 4

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 5

An AI company periodically evaluates its systems and processes with the help of independent software vendors (ISVs). The company needs to receive email message notifications when an ISV's compliance reports become available.

Which AWS service meets this requirement?

Options:

A.

AWS Audit Manager

B.

AWS Artifact

C.

AWS Trusted Advisor

D.

AWS Data Exchange

Question 6

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 7

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 8

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.

Options:

A.

Data residency

B.

Data quality

C.

Data discoverability

D.

Data enrichment

Question 9

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?

Options:

A.

Evaluate the models by using built-in prompt datasets.

B.

Evaluate the models by using a human workforce and custom prompt datasets.

C.

Use public model leaderboards to identify the model.

D.

Use the model InvocationLatency runtime metrics in Amazon CloudWatch when trying models.

Question 10

A company wants to use AWS services to build an AI assistant for internal company use. The AI assistant's responses must reference internal documentation. The company stores internal documentation as PDF, CSV, and image files.

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

Options:

A.

Use Amazon SageMaker AI to fine-tune a model.

B.

Use Amazon Bedrock Knowledge Bases to create a knowledge base.

C.

Configure a guardrail in Amazon Bedrock Guardrails.

D.

Select a pre-trained model from Amazon SageMaker JumpStart.

Question 11

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 12

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 13

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 14

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 15

A company wants to use a large language model (LLM) on Amazon Bedrock for sentiment analysis. The company wants to classify the sentiment of text passages as positive or negative.

Which prompt engineering strategy meets these requirements?

Options:

A.

Provide examples of text passages with corresponding positive or negative labels in the prompt followed by the new text passage to be classified.

B.

Provide a detailed explanation of sentiment analysis and how LLMs work in the prompt.

C.

Provide the new text passage to be classified without any additional context or examples.

D.

Provide the new text passage with a few examples of unrelated tasks, such as text summarization or question answering.

Question 16

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 17

A company has developed an ML model to predict real estate sale prices. The company wants to deploy the model to make predictions without managing servers or infrastructure.

Which solution meets these requirements?

Options:

A.

Deploy the model on an Amazon EC2 instance.

B.

Deploy the model on an Amazon Elastic Kubernetes Service (Amazon EKS) cluster.

C.

Deploy the model by using Amazon CloudFront with an Amazon S3 integration.

D.

Deploy the model by using an Amazon SageMaker AI endpoint.

Question 18

A manufacturing company uses AI to inspect products and find any damages or defects.

Which type of AI application is the company using?

Options:

A.

Recommendation system

B.

Natural language processing (NLP)

C.

Computer vision

D.

Image processing

Question 19

A company wants to develop a solution that uses generative AI to create content for product advertisements, Including sample images and slogans.

Select the correct model type from the following list for each action. Each model type should be selected one time. (Select THREE.)

• Diffusion model

• Object detection model

• Transformer-based model

Options:

Question 20

A company wants to build an ML model to detect abnormal patterns in sensor data. The company does not have labeled data for training. Which ML method will meet these requirements?

Options:

A.

Linear regression

B.

Classification

C.

Decision tree

D.

Autoencoders

Question 21

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 22

A company creates video content. The company wants to use generative AI to generate new creative content and to reduce video creation time. Which solution will meet these requirements in the MOST operationally efficient way?

Options:

A.

Use the Amazon Titan Image Generator model on Amazon Bedrock to generate intermediate images. Use video editing software to create videos.

B.

Use the Amazon Nova Canvas model on Amazon Bedrock to generate intermediate images. Use video editing software to create videos.

C.

Use the Amazon Nova Reel model on Amazon Bedrock to generate videos.

D.

Use the Amazon Nova Pro model on Amazon Bedrock to generate videos.

Question 23

A retail store wants to predict the demand for a specific product for the next few weeks by using the Amazon SageMaker DeepAR forecasting algorithm.

Which type of data will meet this requirement?

Options:

A.

Text data

B.

Image data

C.

Time series data

D.

Binary data

Question 24

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 25

A company wants to use Amazon Q Business for its data. The company needs to ensure the security and privacy of the data. Which combination of steps will meet these requirements? (Select TWO.)

Options:

A.

Enable AWS Key Management Service (AWS KMS) keys for the Amazon Q Business Enterprise index.

B.

Set up cross-account access to the Amazon Q index.

C.

Configure Amazon Inspector for authentication.

D.

Allow public access to the Amazon Q index.

E.

Configure AWS Identity and Access Management (IAM) for authentication.

Question 26

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 27

A retail company is tagging its product inventory. A tag is automatically assigned to each product based on the product description. The company created one product category by using a large language model (LLM) on Amazon Bedrock in few-shot learning mode.

The company collected a labeled dataset and wants to scale the solution to all product categories.

Which solution meets these requirements?

Options:

A.

Use prompt engineering with zero-shot learning.

B.

Use prompt engineering with prompt templates.

C.

Customize the model with continued pre-training.

D.

Customize the model with fine-tuning.

Question 28

A company is developing an ML model to predict heart disease risk. The model uses patient data, such as age, cholesterol, blood pressure, smoking status, and exercise habits. The dataset includes a target value that indicates whether a patient has heart disease.

Which ML technique will meet these requirements?

Options:

A.

Unsupervised learning

B.

Supervised learning

C.

Reinforcement learning

D.

Semi-supervised learning

Question 29

A company is implementing intelligent agents to provide conversational search experiences for its customers. The company needs a database service that will support storage and queries of embeddings from a generative AI model as vectors in the database.

Which AWS service will meet these requirements?

Options:

A.

Amazon Athena

B.

Amazon Aurora PostgreSQL

C.

Amazon Redshift

D.

Amazon EMR

Question 30

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 31

Which technique can a company use to lower bias and toxicity in generative AI applications during the post-processing ML lifecycle?

Options:

A.

Human-in-the-loop

B.

Data augmentation

C.

Feature engineering

D.

Adversarial training

Question 32

A research group wants to test different generative AI models to create research papers. The research group has defined a prompt and needs a method to assess the models' output. The research group wants to use a team of scientists to perform the output assessments.

Which solution will meet these requirements?

Options:

A.

Use automatic evaluation on Amazon Personalize.

B.

Use content moderation on Amazon Rekognition.

C.

Use model evaluation on Amazon Bedrock.

D.

Use sentiment analysis on Amazon Comprehend.

Question 33

A customer service team is developing an application to analyze customer feedback and automatically classify the feedback into different categories. The categories include product quality, customer service, and delivery experience.

Which AI concept does this scenario present?

Options:

A.

Computer vision

B.

Natural language processing (NLP)

C.

Recommendation systems

D.

Fraud detection

Question 34

A company plans to use a generative AI model to provide real-time service quotes to users.

Which criteria should the company use to select the correct model for this use case?

Options:

A.

Model size

B.

Training data quality

C.

General-purpose use and high-powered GPU availability

D.

Model latency and optimized inference speed

Question 35

Which term refers to the Instructions given to foundation models (FMs) so that the FMs provide a more accurate response to a question?

Options:

A.

Prompt

B.

Direction

C.

Dialog

D.

Translation

Question 36

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 37

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 38

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

Options:

Question 39

A company wants to fine-tune an ML model that is hosted on Amazon Bedrock. The company wants to use its own sensitive data that is stored in private databases in a VPC. The data needs to stay within the company's private network.

Which solution will meet these requirements?

Options:

A.

Restrict access to Amazon Bedrock by using an AWS Identity and Access Management (IAM) service role.

B.

Restrict access to Amazon Bedrock by using an AWS Identity and Access Management (IAM) resource policy.

C.

Use AWS PrivateLink to connect the VPC and Amazon Bedrock.

D.

Use AWS Key Management Service (AWS KMS) keys to encrypt the data.

Question 40

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 41

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 42

How can companies use large language models (LLMs) securely on Amazon Bedrock?

Options:

A.

Design clear and specific prompts. Configure AWS Identity and Access Management (IAM) roles and policies by using least privilege access.

B.

Enable AWS Audit Manager for automatic model evaluation jobs.

C.

Enable Amazon Bedrock automatic model evaluation jobs.

D.

Use Amazon CloudWatch Logs to make models explainable and to monitor for bias.

Question 43

A company is training ML models on datasets. The datasets contain some classes that have more examples than other classes. The company wants to measure how well the model balances detecting and labeling the classes.

Which metric should the company use?

Options:

A.

Accuracy

B.

Recall

C.

Precision

D.

F1 score

Question 44

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 45

A company is working on a large language model (LLM) and noticed that the LLM’s outputs are not as diverse as expected. Which parameter should the company adjust?

Options:

A.

Temperature

B.

Batch size

C.

Learning rate

D.

Optimizer type

Question 46

What is an example of structured data?

Options:

A.

A file of text comments from an online forum

B.

A compilation of video files that contains news broadcasts

C.

A CSV file that consists of measurement data

D.

Transcribed conversations between call center agents and customers

Question 47

Sated and order the steps from the following bat to correctly describe the ML Lifecycle for a new custom modal Select each step one time. (Select and order FOUR.)

• Define the business objective.

• Deploy the modal.

• Develop and tram the model.

• Process the data.

Options:

Question 48

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 49

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 50

Which option is a benefit of ongoing pre-training when fine-tuning a foundation model (FM)?

Options:

A.

Helps decrease the model's complexity

B.

Improves model performance over time

C.

Decreases the training time requirement

D.

Optimizes model inference time

Question 51

Which scenario describes a potential risk and limitation of prompt engineering In the context of a generative AI model?

Options:

A.

Prompt engineering does not ensure that the model always produces consistent and deterministic outputs, eliminating the need for validation.

B.

Prompt engineering could expose the model to vulnerabilities such as prompt injection attacks.

C.

Properly designed prompts reduce but do not eliminate the risk of data poisoning or model hijacking.

D.

Prompt engineering does not ensure that the model will consistently generate highly reliable outputs when working with real-world data.

Question 52

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 53

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 54

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 55

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 56

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 57

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 58

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 59

A company is using a pre-trained large language model (LLM). The LLM must perform multiple tasks that require specific domain knowledge. The LLM does not have information about several technical topics in the domain. The company has unlabeled data that the company can use to fine-tune the model.

Which fine-tuning method will meet these requirements?

Options:

A.

Full training

B.

Supervised fine-tuning

C.

Continued pre-training

D.

Retrieval Augmented Generation (RAG)

Question 60

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 61

What are tokens in the context of generative AI models?

Options:

A.

Tokens are the basic units of input and output that a generative AI model operates on, representing words, subwords, or other linguistic units.

B.

Tokens are the mathematical representations of words or concepts used in generative AI models.

C.

Tokens are the pre-trained weights of a generative AI model that are fine-tuned for specific tasks.

D.

Tokens are the specific prompts or instructions given to a generative AI model to generate output.

Question 62

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 63

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?

Options:

A.

Decrease the batch size.

B.

Increase the epochs.

C.

Decrease the epochs.

D.

Increase the temperature parameter.

Question 64

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 65

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

Question 66

A bank is fine-tuning a large language model (LLM) on Amazon Bedrock to assist customers with questions about their loans. The bank wants to ensure that the model does not reveal any private customer data.

Which solution meets these requirements?

Options:

A.

Use Amazon Bedrock Guardrails.

B.

Remove personally identifiable information (PII) from the customer data before fine-tuning the LLM.

C.

Increase the Top-K parameter of the LLM.

D.

Store customer data in Amazon S3. Encrypt the data before fine-tuning the LLM.

Question 67

An airline company wants to use a generative AI model to convert a flight booking system from one coding language into another coding language. The company must select a model for this task.

Which criteria should the company use to select the correct generative AI model for this task?

Options:

A.

Syntax, semantic understanding, and code optimization capabilities

B.

Code generation speed and error handling capabilities

C.

Ability to generate creative content

D.

Model size and resource requirements

Question 68

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 69

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 70

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 71

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 72

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 73

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 74

A company wants to create an application to summarize meetings by using meeting audio recordings.

Select and order the correct steps from the following list to create the application. Each step should be selected one time or not at all. (Select and order THREE.)

• Convert meeting audio recordings to meeting text files by using Amazon Polly.

• Convert meeting audio recordings to meeting text files by using Amazon Transcribe.

• Store meeting audio recordings in an Amazon S3 bucket.

• Store meeting audio recordings in an Amazon Elastic Block Store (Amazon EBS) volume.

• Summarize meeting text files by using Amazon Bedrock.

• Summarize meeting text files by using Amazon Lex.

Options:

Question 75

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 76

Which phase of the ML lifecycle determines compliance and regulatory requirements?

Options:

A.

Feature engineering

B.

Model training

C.

Data collection

D.

Business goal identification

Demo: 76 questions
Total 289 questions