Big Halloween 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 / 18
Total 274 questions

AWS Certified AI Practitioner Exam Questions and Answers

Question 1

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.

Buy Now
Question 2

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 3

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 4

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 5

An AI practitioner has a database of animal photos. The AI practitioner wants to automatically identify and categorize the animals in the photos without manual human effort.

Which strategy meets these requirements?

Options:

A.

Object detection

B.

Anomaly detection

C.

Named entity recognition

D.

Inpainting

Question 6

An education provider is building a question and answer application that uses a generative AI model to explain complex concepts. The education provider wants to automatically change the style of the model response depending on who is asking the question. The education provider will give the model the age range of the user who has asked the question.

Which solution meets these requirements with the LEAST implementation effort?

Options:

A.

Fine-tune the model by using additional training data that is representative of the various age ranges that the application will support.

B.

Add a role description to the prompt context that instructs the model of the age range that the response should target.

C.

Use chain-of-thought reasoning to deduce the correct style and complexity for a response suitable for that user.

D.

Summarize the response text depending on the age of the user so that younger users receive shorter responses.

Question 7

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 8

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 9

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 10

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

Options:

A.

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

B.

Collect data from customers who have a past purchase history.

C.

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

D.

Ensure that the data is from a publicly available dataset.

Question 11

A financial company has offices in different countries worldwide. The company requires that all API calls between generative AI applications and foundation models (FM) must not travel across the public internet.

Which AWS service should the company use?

Options:

A.

AWS PrivateLink

B.

Amazon

C.

Amazon CloudFront

D.

AWS CloudTrail

Question 12

A company wants to learn about generative AI applications in an experimental environment.

Which solution will meet this requirement MOST cost-effectively?

Options:

A.

Amazon Q Developer

B.

Amazon SageMaker JumpStart

C.

Amazon Bedrock PartyRock

D.

Amazon Q Business

Question 13

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

* Explainability

* Fairness

* Privacy and security

* Robustness

* Safety

Options:

Question 14

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 15

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 16

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 17

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 18

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

Which technique will solve the problem?

Options:

A.

Data augmentation for imbalanced classes

B.

Model monitoring for class distribution

C.

Retrieval Augmented Generation (RAG)

D.

Watermark detection for images

Question 19

A company stores millions of PDF documents in an Amazon S3 bucket. The company needs to extract the text from the PDFs, generate summaries of the text, and index the summaries for fast searching.

Which combination of AWS services will meet these requirements? (Select TWO.)

Options:

A.

Amazon Translate

B.

Amazon Bedrock

C.

Amazon Transcribe

D.

Amazon Polly

E.

Amazon Textract

Question 20

Which AWS service or feature can help an AI development team quickly deploy and consume a foundation model (FM) within the team's VPC?

Options:

A.

Amazon Personalize

B.

Amazon SageMaker JumpStart

C.

PartyRock, an Amazon Bedrock Playground

D.

Amazon SageMaker endpoints

Question 21

A company needs to apply numerical transformations to a set of images to transpose and rotate the images.

Options:

A.

Create a deep neural network by using the images as input.

B.

Create an AWS Lambda function to perform the transformations.

C.

Use an Amazon Bedrock large language model (LLM) with a high temperature.

D.

Use AWS Glue Data Quality to make corrections to each image.

Question 22

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 23

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

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

    Concurrency

    Context windows

    Latency

Options:

Question 24

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

Options:

Question 25

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 26

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 27

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 28

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 29

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 30

A company wants to use a large language model (LLM) to generate product descriptions. The company wants to give the model example descriptions that follow a format.

Which prompt engineering technique will generate descriptions that match the format?

Options:

A.

Zero-shot prompting

B.

Chain-of-thought prompting

C.

One-shot prompting

D.

Few-shot prompting

Question 31

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 32

A company is building a new generative AI chatbot. The chatbot uses an Amazon Bedrock foundation model (FM) to generate responses. During testing, the company notices that the chatbot is prone to prompt injection attacks.

What can the company do to secure the chatbot with the LEAST implementation effort?

Options:

A.

Fine-tune the FM to avoid harmful responses.

B.

Use Amazon Bedrock Guardrails content filters and denied topics.

C.

Change the FM to a more secure FM.

D.

Use chain-of-thought prompting to produce secure responses.

Question 33

An AI practitioner wants to use a foundation model (FM) to design a search application. The search application must handle queries that have text and images.

Which type of FM should the AI practitioner use to power the search application?

Options:

A.

Multi-modal embedding model

B.

Text embedding model

C.

Multi-modal generation model

D.

Image generation model

Question 34

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 35

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

Question 36

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 37

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

Which technique will improve the model's accuracy?

Options:

A.

Transfer learning

B.

Federated learning

C.

Retrieval Augmented Generation (RAG)

D.

One-shot prompting

Question 38

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 39

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

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

Options:

A.

Area Under the ROC Curve (AUC) score

B.

F1 score

C.

BERT Score

D.

Real World Knowledge (RWK) score

Question 40

A company wants to enhance response quality for a large language model (LLM) for complex problem-solving tasks. The tasks require detailed reasoning and a step-by-step explanation process.

Which prompt engineering technique meets these requirements?

Options:

A.

Few-shot prompting

B.

Zero-shot prompting

C.

Directional stimulus prompting

D.

Chain-of-thought prompting

Question 41

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 42

A company is using few-shot prompting on a base model that is hosted on Amazon Bedrock. The model currently uses 10 examples in the prompt. The model is invoked once daily and is performing well. The company wants to lower the monthly cost.

Which solution will meet these requirements?

Options:

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.

Question 43

A company wants to use a large language model (LLM) to develop a conversational agent. The company needs to prevent the LLM from being manipulated with common prompt engineering techniques to perform undesirable actions or expose sensitive information.

Which action will reduce these risks?

Options:

A.

Create a prompt template that teaches the LLM to detect attack patterns.

B.

Increase the temperature parameter on invocation requests to the LLM.

C.

Avoid using LLMs that are not listed in Amazon SageMaker.

D.

Decrease the number of input tokens on invocations of the LLM.

Question 44

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 45

A financial company is developing a fraud detection system that flags potential fraud cases in credit card transactions. Employees will evaluate the flagged fraud cases. The company wants to minimize the amount of time the employees spend reviewing flagged fraud cases that are not actually fraudulent.

Which evaluation metric meets these requirements?

Options:

A.

Recall

B.

Accuracy

C.

Precision

D.

Lift chart

Question 46

Which AWS service makes foundation models (FMs) available to help users build and scale generative AI applications?

Options:

A.

Amazon Q Developer

B.

Amazon Bedrock

C.

Amazon Kendra

D.

Amazon Comprehend

Question 47

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 48

An online media streaming company wants to give its customers the ability to perform natural language-based image search and filtering. The company needs a vector database that can help with similarity searches and nearest neighbor queries.

Which AWS service meets these requirements?

Options:

A.

Amazon Comprehend

B.

Amazon Personalize

C.

Amazon Polly

D.

Amazon OpenSearch Service

Question 49

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 50

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 51

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 52

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 53

A company wants to assess internet quality in remote areas of the world. The company needs to collect internet speed data and store the data in Amazon RDS. The company will analyze internet speed variation throughout each day. The company wants to create an AI model to predict potential internet disruptions.

Which type of data should the company collect for this task?

Options:

A.

Tabular data

B.

Text data

C.

Time series data

D.

Audio data

Question 54

A company wants to develop an Al application to help its employees check open customer claims, identify details for a specific claim, and access documents for a claim. Which solution meets these requirements?

Options:

A.

Use Agents for Amazon Bedrock with Amazon Fraud Detector to build the application.

B.

Use Agents for Amazon Bedrock with Amazon Bedrock knowledge bases to build the application.

C.

Use Amazon Personalize with Amazon Bedrock knowledge bases to build the application.

D.

Use Amazon SageMaker AI to build the application by training a new ML model.

Question 55

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 56

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 57

An AI practitioner is developing a prompt for an Amazon Titan model. The model is hosted on Amazon Bedrock. The AI practitioner is using the model to solve numerical reasoning challenges. The AI practitioner adds the following phrase to the end of the prompt: "Ask the model to show its work by explaining its reasoning step by step."

Which prompt engineering technique is the AI practitioner using?

Options:

A.

Chain-of-thought prompting

B.

Prompt injection

C.

Few-shot prompting

D.

Prompt templating

Question 58

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 59

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

Which solution meets these requirements with the LEAST operational overhead?

Options:

A.

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

B.

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

C.

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

D.

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

Question 60

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 61

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 62

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.

Options:

A.

Configure AWS CloudTrail as the logs destination for the model.

B.

Enable model invocation logging in Amazon Bedrock.

C.

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

D.

Configure model invocation logging in Amazon EventBridge.

Question 63

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 64

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 65

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.)

Options:

A.

Amazon Lex

B.

Amazon Comprehend

C.

Amazon Polly

D.

Amazon Bedrock

E.

Amazon Rekognition

Question 66

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 67

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 68

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 69

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

• Content filters

• Contextual grounding check

• Denied topics

• Word filters

Options:

Question 70

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

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

Options:

A.

Intellectual property (IP) infringement

B.

Lack of transparency

C.

Lack of fairness

D.

Privacy infringement

Question 71

A healthcare company wants to create a model to improve disease diagnostics by analyzing patient voices. The company has recorded hundreds of patient voices for this project. The company is currently filtering voice recordings according to duration and language.

Options:

A.

Data collection

B.

Data preprocessing

C.

Feature engineering

D.

Model training

Question 72

A company is using large language models (LLMs) to develop online tutoring applications. The company needs to apply configurable safeguards to the LLMs. These safeguards must ensure that the LLMs follow standard safety rules when creating applications.

Which solution will meet these requirements with the LEAST effort?

Options:

A.

Amazon Bedrock playgrounds

B.

Amazon SageMaker Clarify

C.

Amazon Bedrock Guardrails

D.

Amazon SageMaker JumpStart

Page: 1 / 18
Total 274 questions