AWS Certified AI Practitioner (AIF-C01) – Key Vocabulary

0.0(0)
studied byStudied by 0 people
learnLearn
examPractice Test
spaced repetitionSpaced Repetition
heart puzzleMatch
flashcardsFlashcards
Card Sorting

1/61

flashcard set

Earn XP

Description and Tags

Vocabulary flashcards covering core AWS AI services, machine-learning concepts, responsible-AI principles, and key metrics for the AWS Certified AI Practitioner exam.

Study Analytics
Name
Mastery
Learn
Test
Matching
Spaced

No study sessions yet.

62 Terms

1
New cards

Accuracy

Metric that measures the proportion of correct predictions out of all predictions; can be misleading on imbalanced datasets.

2
New cards

Activation Function

Mathematical function in a neural-network node that introduces non-linearity (e.g., ReLU, Sigmoid, Tanh).

3
New cards

Agents for Amazon Bedrock

Bedrock feature that lets foundation models plan and execute multi-step tasks through API calls across company systems.

4
New cards

Amazon Bedrock

Fully managed AWS service providing API access to multiple high-performing foundation models for building generative-AI apps.

5
New cards

Amazon Comprehend

NLP service that extracts entities, key phrases, sentiment, language, and more from unstructured text.

6
New cards

Amazon Kendra

Enterprise search service that answers natural-language questions by searching across multiple content repositories.

7
New cards

Amazon Lex

Service for building chatbots and voice bots using automatic speech recognition and natural-language understanding.

8
New cards

Amazon Polly

Text-to-speech (TTS) service that converts written text into lifelike spoken audio in multiple voices and languages.

9
New cards

Amazon Rekognition

Computer-vision service for image and video analysis (object detection, facial analysis, content moderation, etc.).

10
New cards

Amazon SageMaker

End-to-end managed platform to build, train, and deploy machine-learning models at scale.

11
New cards

Amazon Titan

Family of AWS-built foundation models (text, image, embeddings) available exclusively through Amazon Bedrock.

12
New cards

Amazon Transcribe

Automatic speech-recognition (ASR) service that turns spoken audio into text.

13
New cards

Amazon Translate

Neural machine-translation service for fast, high-quality translation between languages.

14
New cards

Artificial Intelligence (AI)

Broad field of computer science aimed at creating systems that perform tasks requiring human intelligence.

15
New cards

Bias (AI)

Systematic error causing prejudiced outcomes, often due to non-representative or biased training data.

16
New cards

Chatbot

Software application that simulates human conversation via text or voice.

17
New cards

Classification

Supervised-learning task that predicts a categorical label (e.g., spam vs. not spam).

18
New cards

Clustering

Unsupervised-learning technique that groups similar data points without pre-existing labels.

19
New cards

Computer Vision

AI field enabling computers to interpret and derive information from images or videos.

20
New cards

Context Window

Maximum number of tokens a foundation model considers in one request (prompt + output).

21
New cards

Deep Learning

Subset of machine learning that uses multilayer neural networks to learn complex patterns.

22
New cards

Domain-Adaptation Fine-Tuning

Technique that adapts a foundation model to a specific domain by training on large unlabeled domain text.

23
New cards

Embeddings

Vector representations that capture semantic meaning of text, images, or other data for tasks like search.

24
New cards

Epoch

One complete pass through the entire training dataset during model training.

25
New cards

Explainability

Responsible-AI principle focused on understanding and communicating how a model makes its decisions.

26
New cards

Fairness

Responsible-AI pillar ensuring model predictions are not biased against protected subgroups.

27
New cards

Fine-Tuning

Further training a pre-trained foundation model on a smaller labeled dataset to specialize it.

28
New cards

Foundation Model (FM)

Large, pre-trained deep-learning model that can be adapted for many downstream tasks (e.g., GPT-4, Titan).

29
New cards

Generative AI

AI class that creates new content (text, images, code, etc.) resembling the data it was trained on.

30
New cards

Hallucination

When a generative model outputs false or nonsensical information while appearing confident.

31
New cards

Hyperparameter

User-set configuration (e.g., learning rate, batch size) that governs the training process but is not learned.

32
New cards

Inference

Using a trained model to generate predictions or decisions on new, unseen data.

33
New cards

Instruction-Based Fine-Tuning

Supervised fine-tuning method where training data is formatted as prompt/completion instruction pairs.

34
New cards

Knowledge Bases for Amazon Bedrock

Managed feature that implements Retrieval-Augmented Generation by linking Bedrock models to company data in S3.

35
New cards

Labeled Data

Dataset where each sample is tagged with the correct output; required for supervised learning.

36
New cards

Large Language Model (LLM)

Type of foundation model trained on massive text corpora to understand and generate human-like language.

37
New cards

Latency

Time delay between sending a prompt and receiving a model’s response; critical for real-time apps.

38
New cards

Machine Learning (ML)

AI subset where algorithms learn patterns from data to make predictions without explicit programming.

39
New cards

Modality

Type of data a model processes—text, images, audio, video; a model handling multiple types is multimodal.

40
New cards

Multi-Turn Messaging

Stateful dialogue with multiple back-and-forth exchanges, limited by the model’s context window.

41
New cards

Natural Language Processing (NLP)

AI field focused on enabling computers to understand, interpret, and generate human language.

42
New cards

Neural Network

Computing architecture inspired by the brain, consisting of interconnected layers of artificial neurons.

43
New cards

Overfitting

When a model learns noise in training data, harming its performance on new data.

44
New cards

Parameter

Internal value (weight or bias) learned by a model during training.

45
New cards

Precision

Percentage of positive predictions that are actually correct; True Positives ÷ (True Positives + False Positives).

46
New cards

Prompt

Input text provided to a foundation model instructing it to perform a task or generate content.

47
New cards

Prompt Engineering

Crafting and refining prompts to steer a foundation model toward desired outputs.

48
New cards

Provisioned Throughput

Bedrock feature that reserves dedicated inference capacity for consistent, scalable performance.

49
New cards

Recall

Percentage of actual positives correctly identified; True Positives ÷ (True Positives + False Negatives).

50
New cards

Regression

Supervised-learning task that predicts a continuous numerical value.

51
New cards

Reinforcement Learning

ML paradigm where an agent learns to make sequential decisions by maximizing cumulative reward.

52
New cards

Responsible AI

Designing, developing, and deploying AI that is safe, ethical, fair, and transparent.

53
New cards

Retrieval-Augmented Generation (RAG)

Framework that improves LLM outputs by retrieving relevant knowledge and appending it to the prompt.

54
New cards

Single-Turn Messaging

Stateless interaction consisting of one user input and one model output with no memory of past turns.

55
New cards

Supervised Learning

Machine-learning approach where models learn from labeled data; includes classification and regression.

56
New cards

Token

Basic unit of text (word, sub-word, or punctuation) processed by a language model.

57
New cards

Training

Process of feeding data to a model so it learns the values of its parameters for accurate predictions.

58
New cards

Transparency

Responsible-AI principle that provides clear information on an AI system’s purpose, workings, and limitations.

59
New cards

Unlabeled Data

Dataset without tags or annotations; used in unsupervised learning.

60
New cards

Unsupervised Learning

Machine-learning approach that discovers patterns in unlabeled data (e.g., clustering).

61
New cards

Validation Data

Subset of data used during training to evaluate model performance and tune hyperparameters, helping prevent overfitting.

62
New cards

EC2 Bootstrapping

is the process of running scripts on an EC2 instance when it first launches to automatically install software and apply configurations. This allows for immediate setup and customization of the instance without manual intervention.