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?
- Delete the custom model. Remove the confidential data from the training dataset. Retrain the custom model.
- Mask the confidential data in the inference responses by using dynamic data masking.
- Encrypt the confidential data in the inference responses by using Amazon SageMaker.
- Encrypt the confidential data in the custom model by using AWS Key Management Service (AWS KMS).
Which feature of Amazon OpenSearch Service gives companies the ability to build vector database applications?
- Integration with Amazon S3 for object storage.
- Support for geospatial indexing and queries.
- Scalable index management and nearest neighbor search capability.
- Ability to perform real-time analysis on streaming data.
A company wants to display the total sales for its top-selling products across various retail locations in the past 12 months. Which AWS solution should the company use to automate the generation of graphs?
- Amazon Q in Amazon EC2.
- Amazon Q Developer.
- Amazon Q in Amazon QuickSight.
- Amazon Q in AWS Chatbot.
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?
- Amazon Rekognition.
- Amazon Bedrock playgrounds.
- Guardrails for Amazon Bedrock.
- Agents for Amazon Bedrock.
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?
- Use Amazon SageMaker Serverless Inference to deploy the model.
- Use Amazon CloudFront to deploy the model.
- Use Amazon API Gateway to host the model and serve predictions.
- Use AWS Batch to host the model and serve predictions.
A company has petabytes of unlabeled customer data to use for an advertisement campaign. The company wants to classify its customers into tiers to advertise and promote the company’s products. Which methodology should the company use to meet these requirements?
- Supervised learning.
- Unsupervised learning.
- Reinforcement learning.
- Reinforcement learning from human feedback (RLHF).
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?
- Code for model training.
- Partial dependence plots (PDPs).
- Sample data for training.
- Model convergence tables.
- Improving network security by using intrusion detection systems.
- Creating photorealistic images from text descriptions for digital marketing.
- Enhancing database performance by using optimized indexing.
- Analyzing financial data to forecast stock market trends.
An AI practitioner is using a large language model (LLM) to create content for marketing campaigns. The generated content sounds plausible and factual but is incorrect. Which problem is the LLM having?
- Data leakage.
- Hallucination.
- Overfitting.
- Underfitting.
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.)
- Detect imbalances or disparities in the data.
- Ensure that the model runs frequently.
- Evaluate the model’s behavior so that the company can provide transparency to stakeholders.
- Use the Recall-Oriented Understudy for Gisting Evaluation (ROUGE) technique to ensure that the model is 100% accurate.
- Ensure that the model’s inference time is within the accepted limits.
A medical company is customizing a foundation model (FM) for diagnostic purposes. The company needs the model to be transparent and explainable to meet regulatory requirements.Which solution will meet these requirements?
- Configure the security and compliance by using Amazon Inspector.
- Generate simple metrics, reports, and examples by using Amazon SageMaker Clarify.
- Encrypt and secure training data by using Amazon Macie.
- Gather more data. Use Amazon Rekognition to add custom labels to the data.
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?
- Human-in-the-loop validation by using Amazon SageMaker Ground Truth Plus.
- Data augmentation by using an Amazon Bedrock knowledge base.
- Image recognition by using Amazon Rekognition.
- Data summarization by using Amazon QuickSight.
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?
- AWS Audit Manager.
- AWS CloudTrail.
- Amazon Fraud Detector.
- AWS Trusted Advisor.
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?
- Amazon Textract.
- Amazon Personalize.
- Amazon Lex.
- Amazon Transcribe.
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?
- Use prompt engineering to add one PDF file as context to the user prompt when the prompt is submitted to Amazon Bedrock.
- Use prompt engineering to add all the PDF files as context to the user prompt when the prompt is submitted to Amazon Bedrock.
- Use all the PDF documents to fine-tune a model with Amazon Bedrock. Use the fine-tuned model to process user prompts.
- Upload PDF documents to an Amazon Bedrock knowledge base. Use the knowledge base to provide context when users submit prompts to Amazon Bedrock.
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?
- Embeddings.
- Tokens.
- Models.
- Binaries.
A company is building an application that needs to generate synthetic data that is based on existing data. Which type of model can the company use to meet this requirement?
- Generative adversarial network (GAN).
- XGBoost.
- Residual neural network.
- WaveNet.
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?
- Create software snippets, reference tracking, and open-source license tracking.
- Run an application without provisioning or managing servers.
- Enable voice commands for coding and providing natural language search.
- Convert audio files to text documents by using ML models.
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?
- On-Demand.
- Model customization.
- Provisioned Throughput.
- Spot Instance.
A digital devices company wants to predict customer demand for memory hardware. The company does not have coding experience or knowledge of ML algorithms and needs to develop a data-driven predictive model. The company needs to perform analysis on internal data and external data. Which solution will meet these requirements?
- Store the data in Amazon S3. Create ML models and demand forecast predictions by using Amazon SageMaker built-in algorithms that use the data from Amazon S3.
- Import the data into Amazon SageMaker Data Wrangler. Create ML models and demand forecast predictions by using SageMaker built-in algorithms.
- Import the data into Amazon SageMaker Data Wrangler. Build ML models and demand forecast predictions by using an Amazon Personalize Trending-Now recipe.
- Import the data into Amazon SageMaker Canvas. Build ML models and demand forecast predictions by selecting the values in the data from SageMaker Canvas.
- Tokens are the basic units of input and output that a generative AI model operates on, representing words, subwords, or other linguistic units.
- Tokens are the mathematical representations of words or concepts used in generative AI models.
- Tokens are the pre-trained weights of a generative AI model that are fine-tuned for specific tasks.
- Tokens are the specific prompts or instructions given to a generative AI model to generate output.
An AI practitioner is using an Amazon Bedrock base model to summarize session chats from the customer service department. The AI practitioner wants to store invocation logs to monitor model input and output data. Which strategy should the AI practitioner use?
- Configure AWS CloudTrail as the logs destination for the model.
- Enable invocation logging in Amazon Bedrock.
- Configure AWS Audit Manager as the logs destination for the model.
- Configure model invocation logging in Amazon EventBridge.
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?
- Amazon EC2 C series.
- Amazon EC2 G series.
- Amazon EC2 P series.
- Amazon EC2 Trn series.
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?
- AWS PrivateLink.
- Amazon Macie.
- Amazon CloudFront.
- Internet gateway.
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?
- Training.
- Inference.
- Model deployment.
- Bias correction.
A company is using Amazon SageMaker Studio notebooks to build and train ML models. The company stores the data in an Amazon S3 bucket. The company needs to manage the flow of data from Amazon S3 to SageMaker Studio notebooks. Which solution will meet this requirement?
- Use Amazon Inspector to monitor SageMaker Studio.
- Use Amazon Macie to monitor SageMaker Studio.
- Configure SageMaker to use a VPC with an S3 endpoint.
- Configure SageMaker to use S3 Glacier Deep Archive.
A company is using domain-specific models. The company wants to avoid creating new models from the beginning. The company instead wants to adapt pre-trained models to create models for new, related tasks. Which ML strategy meets these requirements?
- Increase the number of epochs.
- Use transfer learning.
- Decrease the number of epochs.
- Use unsupervised learning.
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?
- Build a speech recognition system.
- Create a natural language processing (NLP) named entity recognition system.
- Develop an anomaly detection system.
- Create a fraud forecasting system.
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?
- Create a prompt template that teaches the LLM to detect attack patterns.
- Increase the temperature parameter on invocation requests to the LLM.
- Avoid using LLMs that are not listed in Amazon SageMaker.
- Decrease the number of input tokens on invocations of the LLM.
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?
- Reduce the volume of data that is used in training.
- Add hyperparameters to the model.
- Increase the volume of data that is used in training.
- Increase the model training time.
A law firm wants to build an AI application by using large language models (LLMs). The application will read legal documents and extract key points from the documents. Which solution meets these requirements?
- Build an automatic named entity recognition system.
- Create a recommendation engine.
- Develop a summarization chatbot.
- Develop a multi-language translation system.
A company wants to classify human genes into 20 categories based on gene characteristics. The company needs an ML algorithm to document how the inner mechanism of the model affects the output. Which ML algorithm meets these requirements?
- Decision trees.
- Linear regression.
- Logistic regression.
- Neural networks.
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?
- R-squared score.
- Accuracy.
- Root mean squared error (RMSE).
- Learning rate.
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?
- Adjust the prompt.
- Choose an LLM of a different size.
- Increase the temperature.
- Increase the Top K value.
A company uses Amazon SageMaker for its ML pipeline in a production environment. The company has large input data sizes up to 1 GB and processing times up to 1 hour. The company needs near real-time latency. Which SageMaker inference option meets these requirements?
- Real-time inference.
- Serverless inference.
- Asynchronous inference.
- Batch transform.
A company wants to create a chatbot by using a foundation model (FM) on Amazon Bedrock. The FM needs to access encrypted data that is stored in an Amazon S3 bucket. The data is encrypted with Amazon S3 managed keys (SSE-S3). The FM encounters a failure when attempting to access the S3 bucket data. Which solution will meet these requirements?
- Ensure that the role that Amazon Bedrock assumes has permission to decrypt data with the correct encryption key.
- Set the access permissions for the S3 buckets to allow public access to enable access over the internet.
- Use prompt engineering techniques to tell the model to look for information in Amazon S3.
- Ensure that the S3 data does not contain sensitive information.
A company wants to use language models to create an application for inference on edge devices. The inference must have the lowest latency possible. Which solution will meet these requirements?
- Deploy optimized small language models (SLMs) on edge devices.
- Deploy optimized large language models (LLMs) on edge devices.
- Incorporate a centralized small language model (SLM) API for asynchronous communication with edge devices.
- Incorporate a centralized large language model (LLM) API for asynchronous communication with edge devices.
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?
- Amazon SageMaker Feature Store.
- Amazon SageMaker Data Wrangler.
- Amazon SageMaker Clarify.
- Amazon SageMaker Model Cards.
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?
- Use supervised learning to create a regression model that will predict probability.
- Use reinforcement learning to train a model to return the probability.
- Use code that will calculate probability by using simple rules and computations.
- Use unsupervised learning to create a model that will estimate probability density.
- Customer satisfaction score (CSAT).
- Training time for each epoch.
- Average response time.
- Number of training instances.
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?
- Build a conversational chatbot by using Amazon Lex.
- Transcribe call recordings by using Amazon Transcribe.
- Extract information from call recordings by using Amazon SageMaker Model Monitor.
- Create classification labels by using Amazon Comprehend.
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?
- Multi-modal embedding model.
- Text embedding model.
- Multi-modal generation model.
- Image generation model.
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?
- Provide labeled data with the prompt field and the completion field.
- Prepare the training dataset by creating a .txt file that contains multiple lines in .csv format.
- Purchase Provisioned Throughput for Amazon Bedrock.
- Train the model on journals and textbooks.
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?
- Object detection.
- Anomaly detection.
- Named entity recognition.
- Inpainting.
- Design clear and specific prompts. Configure AWS Identity and Access Management (IAM) roles and policies by using least privilege access.
- Enable AWS Audit Manager for automatic model evaluation jobs.
- Enable Amazon Bedrock automatic model evaluation jobs.
- Use Amazon CloudWatch Logs to make models explainable and to monitor for bias.
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?
- Generative pre-trained transformers (GPT).
- Residual neural network.
- Support vector machine.
- WaveNet.
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?
- Data augmentation for imbalanced classes.
- Model monitoring for class distribution.
- Retrieval Augmented Generation (RAG).
- Watermark detection for images.
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?
- Use a different FM.
- Choose a lower temperature value.
- Create an Amazon Bedrock knowledge base.
- Enable model invocation logging.
A company wants to deploy a conversational chatbot to answer customer questions. The chatbot is based on a fine-tuned Amazon SageMaker JumpStart model. The application must comply with multiple regulatory frameworks. Which capabilities can the company show compliance for? (Choose two.)
- Auto scaling inference endpoints.
- Threat detection.
- Data protection.
- Cost optimization.
- Loosely coupled microservices.
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?
- Decrease the batch size.
- Increase the epochs.
- Decrease the epochs.
- Increase the temperature parameter.
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?
- Website engagement rate.
- Average call duration.
- Corporate social responsibility.
- Regulatory compliance.
- Integrates a Retrieval Augmented Generation (RAG) workflow.
- Monitors the quality of ML models in production.
- Documents critical details about ML models.
- Identifies potential bias during data preparation.
An ecommerce company wants to build a solution to determine customer sentiments based on written customer reviews of products. Which AWS services meet these requirements? (Choose two.)
- Amazon Lex
- Amazon Comprehend.
- Amazon Polly.
- Amazon Bedrock.
- Amazon Rekognition.
A company has a foundation model (FM) that was customized by using Amazon Bedrock to answer customer queries about products. The company wants to validate the model's responses to new types of queries. The company needs to upload a new dataset that Amazon Bedrock can use for validation. Which AWS service meets these requirements?
- Amazon S3.
- Amazon Elastic Block Store (Amazon EBS).
- Amazon Elastic File System (Amazon EFS).
- AWS Snowcone.
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?
- Number of tokens consumed.
- Temperature value.
- Amount of data used to train the LLM.
- Total training time.
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?
- AWS Audit Manager.
- AWS Artifact.
- AWS Trusted Advisor.
- AWS Data Exchange.
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?
- Decrease the temperature value.
- Increase the temperature value.
- Decrease the length of output tokens.
- Increase the maximum generation length.