AWS AI Exam Guide

Choose a study mode

Play Quiz
Study Flashcards
Spaced Repetition
Chat to Lesson

Podcast

Play an AI-generated podcast conversation about this lesson

Questions and Answers

Which of the following best describes the role of artificial intelligence?

  • Developing intelligent systems capable of performing tasks that typically require human intelligence. (correct)
  • Designing physical robots for industrial automation.
  • Building infrastructure for cloud computing services.
  • Creating algorithms for data storage and retrieval.

Machine learning is a subset of artificial intelligence that focuses on enabling machines to learn from data.

True (A)

What is the primary difference between labeled and unlabeled data in machine learning?

Labeled data has a known output or classification, while unlabeled data does not.

Data organized in a predefined manner, typically in tables or databases with rows and columns, is known as ______ data.

<p>structured</p> Signup and view all the answers

Which type of data is best suited for traditional machine learning algorithms?

<p>Structured data (A)</p> Signup and view all the answers

Supervised learning algorithms are trained on unlabeled data to discover hidden patterns.

<p>False (B)</p> Signup and view all the answers

What is the goal of supervised learning?

<p>To learn a mapping function that can predict the output for new, unseen input data.</p> Signup and view all the answers

Algorithms that learn from unlabeled data to discover inherent patterns or relationships are part of ______ learning.

<p>unsupervised</p> Signup and view all the answers

In reinforcement learning, what provides guidance to the machine?

<p>Performance score and feedback in the form of rewards or penalties. (B)</p> Signup and view all the answers

Inferencing is the process of training a model using new data.

<p>False (B)</p> Signup and view all the answers

Name the two main types of inferencing in machine learning.

<p>Batch inferencing and real-time inferencing</p> Signup and view all the answers

[Blank] inferencing is useful in tasks like data analysis where the speed of decision-making is not as critical as the accuracy of the results.

<p>batch</p> Signup and view all the answers

What is the primary characteristic of real-time inferencing?

<p>Making quick decisions in response to new information. (A)</p> Signup and view all the answers

Deep learning is inspired by the structure and function of the human heart.

<p>False (B)</p> Signup and view all the answers

In the context of neural networks, the process of adjusting connections between nodes to identify patterns is similar to how nodes ______ with each other.

<p>talk</p> Signup and view all the answers

Which branch of AI focuses on enabling computers to interpret and understand digital images and videos?

<p>Computer Vision (D)</p> Signup and view all the answers

Generative AI models require retraining or fine-tuning to adapt models built using deep learning.

<p>False (B)</p> Signup and view all the answers

What type of data is commonly used to pre-train Foundation Models (FMs)?

<p>Unlabeled data</p> Signup and view all the answers

In the lifecycle of Foundation Models, models can be optimized through techniques such as ______ engineering, retrieval-augmented generation, and fine-tuning.

<p>prompt</p> Signup and view all the answers

Which of the following is a primary function of Transformer-based Large Language Models (LLMs)?

<p>Understanding and generating human-like text. (C)</p> Signup and view all the answers

Tokens in Large Language Models (LLMs) can only be whole words.

<p>False (B)</p> Signup and view all the answers

What are embeddings in the context of Large Language Models (LLMs)?

<p>Numerical representations of tokens that capture their meaning and relationships with other tokens.</p> Signup and view all the answers

The process of gradually introducing noise to an input image until only noise is left is known as ______ diffusion.

<p>forward</p> Signup and view all the answers

What is the purpose of reverse diffusion in diffusion models?

<p>To gradually remove noise from an image and generate a new image. (A)</p> Signup and view all the answers

Multimodal models can process only one type of input or output, such as text or images.

<p>False (B)</p> Signup and view all the answers

What are Generative Adversarial Networks (GANs)?

<p>A type of generative model involving two neural networks (generator and discriminator) competing against each other.</p> Signup and view all the answers

In a GAN, the ______ network generates new synthetic data, while the ______ network distinguishes between the real and generated data.

<p>generator, discriminator</p> Signup and view all the answers

What are the two main parts of a Variational Autoencoder (VAE)?

<p>Encoder and decoder (C)</p> Signup and view all the answers

Prompt engineering focuses on developing and optimizing prompts to enhance the output of classical algorithms.

<p>False (B)</p> Signup and view all the answers

Match the prompt engineering components with their description.

<p>Instructions = A task description for the model to perform. Context = External information to guide the model. Input data = The input for which a response is desired. Output indicator = Defines the output type or format.</p> Signup and view all the answers

In the context of prompt engineering, what is an 'instruction'?

<p>A task for the FM to do, providing a task description or instruction for how the model should perform.</p> Signup and view all the answers

[Blank] is a supervised learning process that involves taking a pre-trained model and adding smaller, specific datasets to modify the data weights.

<p>fine-tuning</p> Signup and view all the answers

What does Reinforcement Learning from Human Feedback (RLHF) provide in the context of fine-tuning?

<p>Human feedback data to align the model with human preferences. (A)</p> Signup and view all the answers

Retrieval-Augmented Generation (RAG) changes the weights of the foundation model.

<p>False (B)</p> Signup and view all the answers

Which AWS service provides a fully managed environment for building, training, and deploying ML models?

<p>Amazon SageMaker (D)</p> Signup and view all the answers

Amazon Comprehend is used for image recognition tasks.

<p>False (B)</p> Signup and view all the answers

What is the primary function of Amazon Translate?

<p>Translating text from one language to another. (B)</p> Signup and view all the answers

What kind of data does Amazon Textract extract from documents?

<p>Text and data from scanned documents, including text in fields in forms and information stored in tables.</p> Signup and view all the answers

Amazon Lex provides the deep learning functionalities of automatic speech recognition (ASR) for converting ______ to text.

<p>speech</p> Signup and view all the answers

Which service turns text into lifelike speech?

<p>Amazon Polly (C)</p> Signup and view all the answers

Amazon Rekognition is used for translating text between different languages.

<p>False (B)</p> Signup and view all the answers

Flashcards

Artificial Intelligence (AI)

A broad field developing intelligent systems that perform tasks requiring human intelligence.

Machine Learning (ML)

A type of AI focused on enabling machines to learn from data without explicit programming.

Deep Learning

A subset of machine learning that uses artificial neural networks with multiple layers.

Generative AI

A subset of deep learning that adapts models without retraining or fine-tuning, capable of creating new data.

Signup and view all the flashcards

Training Data

The data used to train machine learning models, involving collection, preparation, algorithm selection, and evaluation.

Signup and view all the flashcards

Labeled Data

Data where each instance is paired with a label indicating the desired output or classification.

Signup and view all the flashcards

Unlabeled Data

Data where instances lack associated labels or target variables, consisting only of input features.

Signup and view all the flashcards

Structured Data

Data organized in a predefined format, like tables with rows and columns, suitable for traditional ML.

Signup and view all the flashcards

Unstructured Data

Data lacking a predefined structure, such as text, images, or audio, requiring advanced ML techniques.

Signup and view all the flashcards

Supervised Learning

Algorithms trained on labeled data to learn a mapping function for predicting outputs on new data.

Signup and view all the flashcards

Unsupervised Learning

Algorithms that learn from unlabeled data to discover inherent patterns, structures, or relationships.

Signup and view all the flashcards

Reinforcement Learning

A learning method where the machine receives performance scores and feedback in the form of rewards or penalties.

Signup and view all the flashcards

Inferencing

The process of using a trained model to make predictions or decisions based on new data.

Signup and view all the flashcards

Batch Inferencing

Analyzing a large amount of data all at once to provide a set of results, often used in data analysis.

Signup and view all the flashcards

Real-time Inferencing

Making quick decisions in response to new information as it comes in, used where immediacy is critical.

Signup and view all the flashcards

Neural Networks

The core of deep learning, consisting of interconnected nodes organized in layers (input, hidden, output).

Signup and view all the flashcards

Foundation Models

Models pre-trained on internet-scale data, adaptable for various tasks.

Signup and view all the flashcards

Data Selection (FM Lifecycle)

The lifecycle stage in which unlabeled data is selected at scale for pre-training.

Signup and view all the flashcards

Pre-Training (FM Lifecycle)

The lifecycle stage involves self-supervised learning of foundation models using unlabeled data.

Signup and view all the flashcards

Optimization (FM Lifecycle)

Lifecycle stage where models enhance performance via prompt engineering, RAG, or fine-tuning.

Signup and view all the flashcards

Evaluation (FM Lifecycle)

Lifecycle stage involving metrics and benchmarks to assess how well an FM meets business requirements.

Signup and view all the flashcards

Deployment (FM Lifecycle)

Lifecycle stage for integrating the FM into applications through APIs or other software systems.

Signup and view all the flashcards

Feedback and Improvement (FM Lifecycle)

The lifecycle stage involving continuous monitoring and feedback collection to address potential biases or drift.

Signup and view all the flashcards

Large Language Models (LLMs)

Powerful models based on transformers that generate human-like text from vast data.

Signup and view all the flashcards

Tokens

Basic units of text (words, phrases, characters) processed by LLMs for standardization of input data.

Signup and view all the flashcards

Embeddings and Vectors

Numerical vectors representing tokens, capturing meaning and relationships learned during training.

Signup and view all the flashcards

Forward Diffusion

A process that gradually adds noise to an input image until only noise remains.

Signup and view all the flashcards

Reverse Diffusion

A step that gradually removes noise from an image until a new image is generated.

Signup and view all the flashcards

Multimodal Models

Models that process multiple types of data, like text and images, simultaneously to generate outputs.

Signup and view all the flashcards

GANs (Generative Adversarial Networks)

Generative models with two neural networks competing in a zero-sum framework: generator and discriminator.

Signup and view all the flashcards

VAEs (Variational Autoencoders)

Generative models combining autoencoders and variational inference with encoder and decoder parts.

Signup and view all the flashcards

Prompt Engineering

Techniques focused on designing prompts to improve your outcomes of foundation models.

Signup and view all the flashcards

Fine-Tuning

A supervised learning process adding specific datasets to a pre-trained model to better align it with a task.

Signup and view all the flashcards

Retrieval-Augmented Generation (RAG)

Supplies domain-relevant data to provide context for producing responses.

Signup and view all the flashcards

Amazon SageMaker

AWS service for building, training, and deploying ML models with managed infrastructure, tools, and workflows.

Signup and view all the flashcards

Amazon Comprehend

AWS service that uses ML and NLP to uncover insights in unstructured data.

Signup and view all the flashcards

Amazon Translate

AWS service with AI that delivers fast, high-quality neural machine translation.

Signup and view all the flashcards

Amazon Textract

Service extracts text and data from scanned documents, including content in fields and tables.

Signup and view all the flashcards

Amazon Lex

Fully managed AI service to design, build, test, and deploy conversational interfaces.

Signup and view all the flashcards

Study Notes

  • The AWS AI exam includes these content domains and weightings:
    • Fundamentals of AI and ML: 20%
    • Fundamentals of Generative AI: 24%
    • Applications of Foundation Models: 28%
    • Guidelines for Responsible AI: 14%
    • Security, Compliance, and Governance for AI Solutions: 14%

Fundamentals of AI and ML

  • Artificial intelligence involves creating intelligent systems that perform tasks requiring human intelligence

  • Machine learning enables machines to learn by understanding and building methods

  • Deep learning uses neurons and synapses similar to the human brain for learning

  • Generative AI, a deep learning subset, adapts pre-built models without retraining or fine-tuning and can generate new data from learned patterns

Machine Learning Fundamentals

  • Training data involves collecting and preparing data, selecting an algorithm, training the model, then evaluating performance through testing and iteration
  • Labeled data includes instances with labels representing the desired output, such as images labeled with corresponding class labels
  • Unlabeled data lacks labels and target variables, consisting only of input features and lacking corresponding output or classes

Data Structures

  • Structured data is organized in a predefined manner, such as tables or databases, and is suitable for traditional ML algorithms

  • Tubular data is stored in spreadsheets or CSV files with instances as rows and features as columns

  • Time-series data consists of sequential values measured over time, like stock prices or weather data

  • Unstructured data lacks a predefined format like text, images, audio, or video, requiring advanced ML techniques

Machine Learning Process

  • The ML process involves feeding training data into algorithms, categorized into supervised, unsupervised, and reinforcement learning

Supervised Learning

  • Supervised learning algorithms train on labeled data to learn a mapping function, predicting outputs for new, unseen data

Unsupervised Learning

  • Unsupervised learning uses algorithms that learn from unlabeled data to discover inherent patterns or relationships

Reinforcement Learning

  • Reinforcement learning provides a performance score and semi-supervised learning, with partial labeled data
  • Feedback is given as rewards or penalties, allowing the machine to learn from its actions

Inferencing

  • Inferencing begins after model training, using learned information to make predictions or decisions, with batch and real-time inferencing as main types

Batch Inferencing

  • Batch inferencing processes large datasets all at once for tasks where accuracy is more important than speed, like data analysis

Real-time Inferencing

  • Real-time inferencing requires quick decision-making in response to new information, crucial in applications like chatbots

Deep Learning Fundamentals

  • Deep learning is inspired by brain structure, using artificial neural networks to mimic human information processing
  • Neural networks are structured in layers, with interconnected nodes that can be input, hidden or output layers

Neural Networks

  • Neural networks identify patterns by adjusting connections between nodes, like identifying customer types based on purchasing behavior

AI Branches Using Deep Learning

  • Computer vision enables computers to interpret digital images and videos
  • Natural Language Processing (NLP) manages the interaction between computers and human languages

Generative AI Fundamentals

  • Foundation Models (FMs) are pre-trained on internet-scale data.

FM Lifecycle

  • Data Selection: unlabeled data can be used at scale because it is easier to obtain than labeled, and needed to train require massive datasets from diverse sources
  • Pre-training: FMs are pre-trained though self-supervised learning without labelled data. Algorithms may identify relationships in the data such as the relationship between the word "drink" and beverage
  • Optimization: FM's can be optimized through prompt engineering, Retrieval-Augmented Generation (RAG) and fine-tuning of task-specific data
  • Evaluation: FM's performance can be measured using appropriate metrics and benchmarks to identify any business needs are met
  • Deployment: Once the FM's performance has been confirmed it can be deployed into the target production environment, and integrated into any application through APIs etc
  • Feedback and continuous improvement: The models performance is continuously monitored and feedback is collected from users and domain experts

Large Language Models

  • Transformer-based LLMs are models that can understand and generate human-like text. They are trained on text data from the internet and learn relationships between words

Tokens

  • Tokens are the basic units of text such as words and phrases to standardize input data

Embeddings and Vectors

  • Embeddings are numerical representations of tokens which are assigned a vector that captures the token's meaning within the model and which are learned throughout the training process

Diffusion Models

  • Forward diffusion gradually adds small amounts of noise to an image until only noise is left
  • Reverse diffusion gradually denoises the noisy image until a new image is generated

Multimodal Models

  • Multimodal models process and generate multiple data modes like text and images simultaneously, learning how different modalities connect
  • Multimodal models automate tasks like video captioning, creating graphics, smarter question answering and translating content while keeping visuals

Generative Adversarial Networks (GANs)

  • GANs involve two neural networks, a generator and discriminator, in a zero-sum game where the Generator creates synthetic data from random noise, resembling training data
  • The Discriminator distinguishes real data from synthetic data and learns what's what

Variational Autoencoders (VAEs)

  • VAEs combine autoencoders and variational inference which consist of two parts
  • Encoder transforms input data into a lower-dimensional latent space
  • Decoder transforms the latent representation from the encoder, and generates a reconstruction of the data

Optimizing Model Outputs

  • Prompt engineering involves creating instructions for foundation models through developing, designing and optimising prompts to enhance output

Prompt Engineering

  • Prompts guide the model’s behavior and include:
    • Instructions: Providing task descriptions
    • Context: External guiding information
    • Input Data: The input which for you want a response
    • Output indicator: output type and format

Fine-tuning

Fine-tuning is a supervised learning process using smaller datasets to narrow a pre-trained model's focus

  • Instruction fine-tuning uses labeled examples on how the model should respond
  • Reinforcement Learning from Human Feedback (RLHF) uses human feedback data to align model output to align with human preferences

Retrieval-Augmented Generation

  • Retrieval-augmented generation supplies domain-relevant data as context for responses, using relevant documents to answer user prompts
  • RAG does not change the foundation model's weights like fine-tuning does

AWS Infrastructure and Technology

  • Amazon SageMaker provides the tool components for ML in a single toolset, making models get to production faster for less effort and cost

AI/ML Services

  • Amazon Comprehend uses ML and Natural language processing (NLP) discovering relationships and insights in unstructured data, and includes things like identifying the language of the text
  • Amazon Translate neural machine translation delivers fast, high-quality, and affordable language translation, localising content and efficiently implementing cross-lingual communication
  • Amazon Textract automatically extracts text and data from scanned documents, identifying form fields and information
  • Amazon Lex is a fully managed AI service that has advanced deep learning functionalities of automatic speech recognition (ASR) for converting speech to text, and natural language understanding (NLU) to recognize the intent of the text.

Amazon Services

  • Amazon Polly turns given text into lifelike speech using AI that sounds like a human voice
  • Amazon Transcribe transcribes the converting of speech to text, including voice-based customer service calls
  • Amazon Rekognition facilitates adding image and video analysis to your applications by identifying text, scenes, activities and any other objects, people within as well as facial analysis
  • Amazon Kendra is an intelligent search service that is powered by Machine Learning
  • Amazon Personalize creates individualized recommendations for customers.

AWS DeepRacer

  • AWS DeepRacer is the 1/18th scale race car that provides a fun way to get started with reinforcement learning (RL) due to it being a different approach to training models with advanced machine learning techniques

Generative AI

  • Amazon SageMaker JumpStart helps quickly get started with Machine Learning and is deployed to any set of solutions for the most used use cases
  • Amazon Bedrock is a fully managed service that makes Foundation Models from Amazon through any API using a serverless experience
  • Amazon Q helps get fast, relevant answers to questions and generate any actions and content using an expertise in a companys information
  • Amazon Q developer provides Machine Learning powered code recommendations through things such as c#, Python Java etc

Advantages/Benefits of AWS AI Solutions

  • Accelerated development and deployment is achieved by Amazon Q Developer (previously Amazon CodeWhisperer) which can generate code, SageMaker which helps such as data processing, Bedrock which provides access to pre-trained models and APIs
  • Scalability and Cost Optimization is same as AWS cloud
  • Flexibility and access to models as AWS is continuously updating and expanding its AI services and providing access to latest advancements in machine learning models and algorithms
  • Integration with AWS tools and services which offers readily AI ready capabilities that can be implemented into applications

Cost Considerations

  • Responsiveness and availability
  • Redundancy and regional coverage
  • Availability
  • Performance
  • Token-based pricing
  • Provisioned throughput
  • Custom models

Studying That Suits You

Use AI to generate personalized quizzes and flashcards to suit your learning preferences.

Quiz Team

Related Documents

More Like This

AWS Cloud Practitioner Essentials T3.7
20 questions
AWS AI Practitioner Exam - ML Project Phases
24 questions
AWS AI Managed Services Overview
8 questions

AWS AI Managed Services Overview

AffluentWilliamsite3288 avatar
AffluentWilliamsite3288
Use Quizgecko on...
Browser
Browser