Weekend Special Limited Time 65% Discount Offer - Ends in 0d 00h 00m 00s - Coupon code: netbudy65

AIF-C01 AWS Certified AI Practitioner Exam Questions and Answers

Questions 4

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

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

Options:

A.

F1 score

B.

Mean squared error (MSE)

C.

R-squared

D.

Time used to train the model

Buy Now
Questions 5

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

Which solution will meet these requirements?

Options:

A.

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

B.

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

C.

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

D.

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

Buy Now
Questions 6

A company has terabytes of data in a database that the company can use for business analysis. The company wants to build an AI-based application that can build a SQL query from input text that employees provide. The employees have minimal experience with technology.

Which solution meets these requirements?

Options:

A.

Generative pre-trained transformers (GPT)

B.

Residual neural network

C.

Support vector machine

D.

WaveNet

Buy Now
Questions 7

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.

Buy Now
Questions 8

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.

Buy Now
Questions 9

A company manually reviews all submitted resumes in PDF format. As the company grows, the company expects the volume of resumes to exceed the company's review capacity. The company needs an automated system to convert the PDF resumes into plain text format for additional processing.

Which AWS service meets this requirement?

Options:

A.

Amazon Textract

B.

Amazon Personalize

C.

Amazon Lex

D.

Amazon Transcribe

Buy Now
Questions 10

A company needs to build its own large language model (LLM) based on only the company's private data. 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?

Options:

A.

Amazon EC2 C series

B.

Amazon EC2 G series

C.

Amazon EC2 P series

D.

Amazon EC2 Trn series

Buy Now
Questions 11

A medical company deployed a disease detection model on Amazon Bedrock. To comply with privacy policies, the company wants to prevent the model from including personal patient information in its responses. The company also wants to receive notification when policy violations occur.

Which solution meets these requirements?

Options:

A.

Use Amazon Macie to scan the model's output for sensitive data and set up alerts for potential violations.

B.

Configure AWS CloudTrail to monitor the model's responses and create alerts for any detected personal information.

C.

Use Guardrails for Amazon Bedrock to filter content. Set up Amazon CloudWatch alarms for notification of policy violations.

D.

Implement Amazon SageMaker Model Monitor to detect data drift and receive alerts when model quality degrades.

Buy Now
Questions 12

A company has developed an ML model for image classification. The company wants to deploy the model to production so that a web application can use the model.

The company needs to implement a solution to host the model and serve predictions without managing any of the underlying infrastructure.

Which solution will meet these requirements?

Options:

A.

Use Amazon SageMaker Serverless Inference to deploy the model.

B.

Use Amazon CloudFront to deploy the model.

C.

Use Amazon API Gateway to host the model and serve predictions.

D.

Use AWS Batch to host the model and serve predictions.

Buy Now
Questions 13

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?

Options:

A.

User-generated content

B.

Moderation logs

C.

Content moderation guidelines

D.

Benchmark datasets

Buy Now
Questions 14

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

Buy Now
Questions 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

Buy Now
Questions 16

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?

Options:

A.

On-Demand

B.

Model customization

C.

Provisioned Throughput

D.

Spot Instance

Buy Now
Questions 17

A media company wants to analyze viewer behavior and demographics to recommend personalized content. The company wants to deploy a customized ML model in its production environment. The company also wants to observe if the model quality drifts over time.

Which AWS service or feature meets these requirements?

Options:

A.

Amazon Rekognition

B.

Amazon SageMaker Clarify

C.

Amazon Comprehend

D.

Amazon SageMaker Model Monitor

Buy Now
Questions 18

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.

AIF-C01 Question 18

Options:

Buy Now
Questions 19

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

Buy Now
Questions 20

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.

Buy Now
Questions 21

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?

Options:

A.

Website engagement rate

B.

Average call duration

C.

Corporate social responsibility

D.

Regulatory compliance

Buy Now
Questions 22

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

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

Options:

A.

Fairness

B.

Explainability

C.

Governance

D.

Transparency

Buy Now
Questions 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

AIF-C01 Question 23

Options:

Buy Now
Questions 24

A medical company wants to develop an AI application that can access structured patient records, extract relevant information, and generate concise summaries.

Which solution will meet these requirements?

Options:

A.

Use Amazon Comprehend Medical to extract relevant medical entities and relationships. Apply rule-based logic to structure and format summaries.

B.

Use Amazon Personalize to analyze patient engagement patterns. Integrate the output with a general purpose text summarization tool.

C.

Use Amazon Textract to convert scanned documents into digital text. Design a keyword extraction system to generate summaries.

D.

Implement Amazon Kendra to provide a searchable index for medical records. Use a template-based system to format summaries.

Buy Now
Questions 25

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

Buy Now
Questions 26

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

Buy Now
Questions 27

Which task represents a practical use case to apply a regression model?

Options:

A.

Suggest a genre of music for a listener from a list of genres.

B.

Cluster movies based on movie ratings and viewers.

C.

Use historical data to predict future temperatures in a specific city.

D.

Create a picture that shows a specific object.

Buy Now
Questions 28

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.

Buy Now
Questions 29

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

Buy Now
Questions 30

An animation company wants to provide subtitles for its content. Which AWS service meets this requirement?

Options:

A.

Amazon Comprehend

B.

Amazon Polly

C.

Amazon Transcribe

D.

Amazon Translate

Buy Now
Questions 31

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

Buy Now
Questions 32

A company wants more customized responses to its generative AI models' prompts.

Select the correct customization methodology from the following list for each use case. Each use case should be selected one time. (Select THREE.)

• Continued pre-training

• Data augmentation

• Model fine-tuning

AIF-C01 Question 32

Options:

Buy Now
Questions 33

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

Buy Now
Questions 34

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

Buy Now
Questions 35

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?

Options:

A.

Using a third-party enterprise application that has embedded generative AI features.

B.

Building an application by using an existing third-party generative AI foundation model (FM).

C.

Refining an existing third-party generative AI foundation model (FM) by fine-tuning the model by using data specific to the business.

D.

Building and training a generative AI model from scratch by using specific data that a customer owns.

Buy Now
Questions 36

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.

Buy Now
Questions 37

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.

Buy Now
Questions 38

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

AIF-C01 Question 38

Options:

Buy Now
Questions 39

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

AIF-C01 Question 39

Options:

Buy Now
Questions 40

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

Buy Now
Questions 41

A company wants to use generative AI to increase developer productivity and software development. The company wants to use Amazon Q Developer.

What can Amazon Q Developer do to help the company meet these requirements?

Options:

A.

Create software snippets, reference tracking, and open-source license tracking.

B.

Run an application without provisioning or managing servers.

C.

Enable voice commands for coding and providing natural language search.

D.

Convert audio files to text documents by using ML models.

Buy Now
Questions 42

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.

Buy Now
Questions 43

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

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

Options:

A.

Model complexity

B.

Training time

C.

Number of hyperparameters

D.

Deployment time

Buy Now
Questions 44

A company needs to monitor the performance of its ML systems by using a highly scalable AWS service.

Which AWS service meets these requirements?

Options:

A.

Amazon CloudWatch

B.

AWS CloudTrail

C.

AWS Trusted Advisor

D.

AWS Config

Buy Now
Questions 45

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

Options:

A.

Patching and updating the versions of Amazon Bedrock

B.

Protecting the infrastructure that hosts Amazon Bedrock

C.

Securing the company's data in transit and at rest

D.

Provisioning Amazon Bedrock within the company network

Buy Now
Questions 46

A social media company wants to use a large language model (LLM) to summarize messages. The company has chosen a few LLMs that are available on Amazon SageMaker JumpStart. The company wants to compare the generated output toxicity of these models.

Which strategy gives the company the ability to evaluate the LLMs with the LEAST operational overhead?

Options:

A.

Crowd-sourced evaluation

B.

Automatic model evaluation

C.

Model evaluation with human workers

D.

Reinforcement learning from human feedback (RLHF)

Buy Now
Questions 47

A company wants to use a large language model (LLM) on Amazon Bedrock for sentiment analysis. The company wants to know how much information can fit into one prompt.

Which consideration will inform the company's decision?

Options:

A.

Temperature

B.

Context window

C.

Batch size

D.

Model size

Buy Now
Questions 48

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 Q

C.

Amazon CloudFront

D.

AWS CloudTrail

Buy Now
Questions 49

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 can the company use to meet this requirement?

Options:

A.

AWS Audit Manager

B.

AWS Artifact

C.

AWS Trusted Advisor

D.

AWS Data Exchange

Buy Now
Questions 50

A company uses Amazon SageMaker AI to generate article summaries in multiple languages. The company needs a metric to evaluate the quality of the summary translations in multiple languages. Which evaluation metric will meet these requirements?

Options:

A.

Recall-Oriented Understudy for Gisting Evaluation (ROUGE)

B.

Bilingual evaluation understudy (BLEU)

C.

Area Under the ROC Curve (AUC)

D.

Precision

Buy Now
Questions 51

What does inference refer to in the context of AI?

Options:

A.

The process of creating new AI algorithms

B.

The use of a trained model to make predictions or decisions on unseen data

C.

The process of combining multiple AI models into one model

D.

The method of collecting training data for AI systems

Buy Now
Questions 52

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

Buy Now
Questions 53

A company is developing an ML application. The application must automatically group similar customers and products based on their characteristics.

Which ML strategy should the company use to meet these requirements?

Options:

A.

Unsupervised learning

B.

Supervised learning

C.

Reinforcement learning

D.

Semi-supervised learning

Buy Now
Questions 54

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

Buy Now
Questions 55

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.

Buy Now
Questions 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

Buy Now
Questions 57

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

Buy Now
Questions 58

A company wants to assess the costs that are associated with using a large language model (LLM) to generate inferences. The company wants to use Amazon Bedrock to build generative AI applications.

Which factor will drive the inference costs?

Options:

A.

Number of tokens consumed

B.

Temperature value

C.

Amount of data used to train the LLM

D.

Total training time

Buy Now
Questions 59

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

Which AI learning strategy provides this self-improvement capability?

Options:

A.

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

B.

Reinforcement learning with rewards for positive customer feedback

C.

Unsupervised learning to find clusters of similar customer inquiries

D.

Supervised learning with a continuously updated FAQ database

Buy Now
Questions 60

A company has built an image classification model to predict plant diseases from photos of plant leaves. The company wants to evaluate how many images the model classified correctly.

Which evaluation metric should the company use to measure the model's performance?

Options:

A.

R-squared score

B.

Accuracy

C.

Root mean squared error (RMSE)

D.

Learning rate

Buy Now
Questions 61

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

Options:

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.

Buy Now
Questions 62

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

Which solution will meet these requirements?

Options:

A.

Amazon SageMaker Clarify

B.

Amazon SageMaker Data Wrangler

C.

Amazon SageMaker Model Cards

D.

AWS AI Service Cards

Buy Now
Questions 63

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

Buy Now
Questions 64

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.

Buy Now
Questions 65

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

Buy Now
Questions 66

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

Buy Now
Questions 67

A company wants to build and deploy ML models on AWS without writing any code.

Which AWS service or feature meets these requirements?

Options:

A.

Amazon SageMaker Canvas

B.

Amazon Rekognition

C.

AWS DeepRacer

D.

Amazon Comprehend

Buy Now
Exam Code: AIF-C01
Exam Name: AWS Certified AI Practitioner Exam
Last Update: Oct 15, 2025
Questions: 224

PDF + Testing Engine

$134.99

Testing Engine

$99.99

PDF (Q&A)

$84.99