Acronyms Flashcards

Learn each of the main acronyms in AI

1
Q

What is NER?

A

Named Entity Recognition
- Extracts predefined, general-purpose entities like people, places, organizations, dates, and other standard categories, FROM TEXT.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
2
Q

What is NLP?

A

Natural Language Processing

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
3
Q

What are the main subsets of AI?

A

AI, Machine Learning, Deep Learning, Generative AI

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
4
Q

What is an LLM?

A

Large Language Model (ChatGPT, for example)

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
5
Q

What does non-deterministic mean?

A

The generated text may be different for every user that uses the same prompt.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
6
Q

What is Amazon Titan?

A

High-performing Foundational Model (FM) from Amazon. Offers Image, Text, and Milti-modal models

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
7
Q

What is Fine-Tuning a Model?

A

Adapting a copy of a foundation model with your own data. Must use “Provisioned Throughput”.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
8
Q

What is Instruction-based Fine Tuning?

A

Improve performance of pre-trained FM on doamin-specific tasks. Uses “Labeled Examples” that are “Prompt-Response” pairs. It’s usually cheaper as computations are less intense and amount of data is less.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
9
Q

What is domain adaptation fine-tuning?

A

Tunes model to be an expert in a specific domain (eg. entire AWS documentation)

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
10
Q

What is Single-Turn Messaging?

A

Part of Instruction-based fine tuning. System(optional): context for the conversation, Messages: An array of message objects each containing: 1) Role: User or Assistant, and 2) Content: The text content of the message.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
11
Q

What is Multi-term Messaging?

A

Instruction-based fine tuning for for a conversation.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
12
Q

What is Transfer Learning?

A

The broader concept of reusing a pre-trained model to adapt it to a new related task. Fine-tuning is an example of Transfer Learning.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
13
Q

What does Automatic Evaluation provide when evaluating a model?

A

Quality Control, Text Summarization, Q&A, Text classification, open-ended text generation. Scores are calculated automatically.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
14
Q

What are the automated metrics to evaluate an FM?

A

ROUGE: Recall-Oriented Understudy for Gist Evaluation
BLEU: Bilingual Evaluation Understudy
BERTScore: Bidirectional Encoder Representations from Transformers
Perplexity: How well the model predicts the next token (lower is better)

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
15
Q

What is ROUGE?

A

Recall-Oriented Understudy for Gisting Evaluation
- Evaluates automatic summarization and machine translation systems.
- ROUGE-N: number of matching n-grams between reference and generated text
- ROUGE-L: Longest common subsequence between reference and generated text.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
16
Q

What is BLEU?

A

Bilingual Evaluation Understudy
- Evaluates the quality of generated text, especially for translations.
- Looks at a combination of n-grams (1, 2, 3, 4)

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
17
Q

What is BERTScore?

A

Bidirectional Encoder Representations from Transformers
- Semantic similarities between generated text
Capable of detecting more nuances between the texts

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
18
Q

What is Perplexity?

A

Measures how well the model predicts the next token.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
19
Q

What is RAG?

A

Retrieval-Augmented Generation
- allows a FM to reference a data source outside of training data
- Bedrocks handles creating the Vector Embeddings in a DB of your choice
- Use where real time data is need to be fed in the FM

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
20
Q

What are the valid types of RAG Vector databases?

A

AWS OpenSearch
AWS DocumentDB (Nosql)
Amazon Aurora (relational)
AWS RDS for PostgresSQL (relational)
Amazon Neptune (graph db)

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
21
Q

What are the main RAG datasources?

A

S3, Confluence, Sharepoint, Salesforce, Web pages

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
22
Q

What is Tokenization?

A

Converting raw text into a sequence of tokens.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
23
Q

What is a “Context Window??

A

The number of tokens an LLM can consider when generating text. FIRST FACTOR to evaluate when considering a model.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
24
Q

What are Embeddings?

A

Creation of Vectors(array of numeric values) out of text, images, and audio.
- Can capture lots of dimensions
- Embedding models can power search applications
- Words with a semantic relationship have similar embeddings.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
25
What are Guardrails?
Filters undesireable or harmful content
26
What is Amazon Comprehend?
Uses machine learning to find insights and relationships in text - Used for Natural Language Processing (NLP) - Fully managed and serverless
27
What are Amazon Comprehend Custom Entities?
Enables you to build and train models using custom categories (specific terms, noun-based phrases, etc)
28
What is Amazon Translate?
Natural language translation. Enables localizing content and translating large amounts of text.
29
What is Amazon Transcribe?
Automatically converts speech to text. Uses deep learning called Automatic Speech Recognition (ASR). Can automatically remove PII using Redaction. Multi-lingual.
30
What is Amazon Polly?
Uses Deep Learning to turn text into lifelike speech. Allows you to create applications that talk.
31
What are Lexicons in AWS Polly?
Allows you to define how to read certain specific pieces of text ("AWS" -> "Amazon Web Services"
32
What is SSML in AWS Polly?
Speech Synthesis Markup Language - Markup for text to indicate how to pronouce it ("Hello, how are you?"
33
What are "Speech Marks" in AWS Polly?
Allows you to encode where a sentence starts or ends in the audio.
34
What is Amazon Rekognition?
Find objects, people, text, scenes in images and videos using ML. Facial analysis and facial search to do user verification, people counting.
35
How are Amazon Rekognition custom labels used?
Label your training images and upload them to Amazon Rekognition. - Examples: find your logo in social media posts, identify your products on stores
36
How is Content Moderation used in Amazon Rekognition?
Automatically detects inappropriate, unwanted, or offensive content. Can reduce human review to 1-5% of total volume. - Integrates with Amazon Augmented AI (Amazon A2I)
37
What is Amazon Forecast?
Fully managed service that uses ML to deliver highly accurate forecasts. 50% more accurate than looking at the data itself.
38
What is Amazon Lex?
Build chatbots quickly for your applications using voice and text - Example: a chatbot that allows your customers to order pizzas or book a hotel - Supports multiple languages - The bot will ask for ”Slots" (input parameters), if necessary
39
What is Amazon Personalize?
Fully managed ML-service to build apps with real-time personalized recommendations * Example: personalized product recommendations/re-ranking, customized direct marketing * Example: User bought gardening tools, provide recommendations on the next one to buy * Same technology used by Amazon.com
40
What is Amazon Textract?
Automatically extracts text, handwriting, and data from any scanned documents using AI and ML
41
What is Amazon Kendra?
Fully managed document search service powered by Machine Learning * Extract answers from within a document (text, pdf, HTML, PowerPoint, MS Word, FAQs…) * Natural language search capabilities
42
What is Amazon Mechanical Turk?
Crowdsourcing marketplace to perform simple human tasks (Distributed virtual workforce) - Integrates with Amazon A2I, SageMaker Ground
43
What is Amazon Augmented AI (A2I)?
Human oversight of Machine Learning predictions in production. The ML model can be built on AWS or elsewhere (SageMaker, Rekognition, etc)
44
What is Amazon Transcribe Medical?
Automatically convert medical-related speech to text (HIPAA compliant) Ability to transcribes medical terminologies such as: * Medicine names * Procedures * Conditions and diseases Can be real-time (microphone) or batch (upload files) transcription
45
What is Amazon Comprehend Medical?
Detects and returns useful information in unstructured clinical text: * Physician’s notes * Discharge summaries * Test results * Case notes Uses NLP to detect Protected Health Information (PHI) – DetectPHI API Use Amazon Transcribe to transcribe patient narratives into text that can be analyzed by Amazon Comprehend Medical
46
What is AWS Trainium?
ML chip built to perform Deep Learning on 100B+ parameter models. 50% cost reduction when training a model.
47
What is AWS Inferentia?
ML chip built to deliver inference at high performance and low cost * Inf1, Inf2 instances are powered by AWS Inferentia * Up to 4x throughput and 70% cost reduction Trainium & Inferentia have the lowest environmental footprint
48
What is Amazon Sagemaker?
Fully managed service for developers / data scientists to build ML models
49
What is AMT in Sagemaker?
Automatic Model Tuning - AMT automatically chooses hyperparameter ranges, search strategy, maximum runtime of a tuning job, and early stop condition
50
What is the SageMaker Data Wrangler?
Prepare tabular and image data for machine learning * Data preparation, transformation and feature engineering * Single interface for data selection, cleansing, exploration, visualization, and processing * SQL support * Data Quality tool
51
What are ML Features?
Features are inputs to ML models used during training and used for inference * Example - music dataset: song ratings, listening duration, and listener demographics
52
What is Sagemaker Clarify?
Used to evaluate Foundation Models, including human factors. It is part of Sagemaker Studio. Able to detect human bias
53
What is Model Explainability in SageMaker Clarify?
A set of tools to help explain how machine learning (ML) models make predictions
54
What is RLHF?
Reinforcement Learning from Human Feedback
55
What is Amazon SageMaker Ground Truth?
A service that helps build training datasets for machine learning (ML) models. It labels data using human annotators, and can also learn from those labels to automatically label objects. Leverages humans for model grading and data labeling
56
What is Amazon SageMaker Ground Truth Plus?
Using humans to label the data
57
What are SageMaker Model Cards?
Contains essential Model information (intended use, risk ratings, and training details)
58
What is SageMaker Model Dashboard?
Centralized repository containing information and insights for all models. It's where you can view, search, and explore all of your models
59
What is SageMaker Role Manager?
Define roles for personas Example: data scientists, MLOps engineers
60
What is SageMaker Model Monitor?
Monitor the quality of your model in production: continuous or on-schedule Alerts for deviations in the model quality: fix data & retrain model
61
What is SageMaker Model Registry?
Centralized repository allows you to track, manage, and version ML models Catalog models, manage model versions, associate metadata with a model Manage approval status of a model, automate model deployment, share models
62
What are SageMaker Pipelines?
A CI/CD workflow that automates the process of building, training, and deploying a ML model
63
What is SageMaker Jumpstart?
ML Hub to find pre-trained Foundation Model (FM), computer vision models, or natural language processing models Option 1: ML HUB (FM's) Option 2: ML Solutions (solution templates)
64
What is SageMaker Canvas?
Build ML models using a visual interface (no coding required) * Access to ready-to-use models from Bedrock or JumpStart * Build your own custom model using AutoML powered by SageMaker Autopilot * Part of SageMaker Studio
65
What is ML Flow on Amazon SageMaker?
An open-source tool which helps ML teams manage the entire ML lifecycle MLFlow Tracking Servers * Used to track runs and experiments * Launch on SageMaker with a few clicks Fully integrated with SageMaker (part of SageMaker Studio)
66
What is Network Isolation Mode in SageMaker?
Run SageMaker job containers without any outbound internet access * Can’t even access Amazon S3
67
What is SageMaker DeepAR forecasting algorithm?
Used to forecast time series data Leverages Recurrent Neural Network (RNN)
68
What is Interpretability?
The degree to which a human can understand the cause of a decision.
69
What is Explainability?
Understand the nature and behavior of the model * Being able to look at inputs and outputs and explain w/o understanding exactly how the model came to the conclusion.
70
What are Amazon AI Service Cards?
Form of responsible AI documentation * Help understand the service and its features
71
What are the core dimensions of Responsible AI?
Fairness - promote inclusion and prevent discrimination Explainability Privacy and security - individuals control when and if their data is used Transparency Veracity and robustness - reliable even in unexpected situations Governance - define, implement and enforce responsible AI practices Safety - algorithms are safe and beneficial for individuals and society Controllability - ability to align to human values and intent
72
How are Decision Trees used with Models?
Supervised Learning Algorithm used for Classification and Regression tasks Splits data into branches based on feature values Easy to interpret, clear visual representation
73
How are Partial Dependence Plots (PDP) used?
Show how a single feature can influence the predicted outcome, while holding other features constant * Particularly helpful when the model is “black box” (i.e., Neural Networks) * Helps with interpretability and explainability
74
How is Human-Centered Design (HCD) for Explainable AI?
Approach to design AI systems with priorities for humans’ needs * Design for amplified decision-making * Design for unbiased decision-making * Design for human and AI learning
75
What is "Toxicity" in AI?
Generating content that is offensive, disturbing, or inappropriate * Defining what constitutes “toxicity” can be a challenge * Boundary between restricting toxic content and censorship
76
What are "Hallucinations" in AI?
Assertions or claims that sound true, but are incorrect * This is due to the next-word probability sampling employed by LLM * This can lead to content that may not exist, even though the content may seem plausible
77
What is "Poisoning" in AI?
Intentional introduction of malicious or biased data into the training dataset of a model * Leads to the model producing biased, offensive, or harmful outputs (intentionally or unintentionally)
78
What is "Hijacking and Prompt Injection" in AI?
Influencing the outputs by embedding specific instructions within the prompts themselves * Hijack the model's behavior and make it produce outputs that align with the attacker's intentions (e.g., generating misinformation or running malicious code)
79
What is the concept of "Exposure" in AI?
The risk of exposing sensitive or confidential information to a model during training or inference * The model can then reveal this sensitive data from their training corpus, leading to potential data leaks or privacy violations
80
What is the concept of "Prompt Leaking" in AI?
The unintentional disclosure or leakage of the prompts or inputs used within a model * It can expose protected data or other data used by the model, such as how the model works
81
What is the concept of "Jailbreaking" in AI?
AI models are typically trained with certain ethical and safety constraints in place to prevent misuse or harmful outputs (e.g., filtering out offensive content, restricting access to sensitive information…) * Circumvent the constraints and safety measures implemented in a generative model to gain unauthorized access or functionality
82
What is an F1- Score?
Average of precision and recall
83
What are the 5 GenAI Scopes which apps can be classified in?
Consumer App Enterprise App Pre-training Models Fine-tuned Models Self-trained Models
84
What is a Benchmark Dataset?
Curated collections of data designed specifically at evaluating the performance of language models. Some benchmark datasets allow you to very quickly detect bias and potential discrimination against a group of people.
85
What are Bedrock Agents used for?
Manage and carry out various multi-step tasks related to infrastructure provisioning, application deployment, and operational activities
86
What is Bedrock Studio?
Provides access to Amazon Bedrock to your team so they can easily create AI-powered applications
87
What are the 3 pricing options for Bedrock?
On-Demand * Pay-as-you-go (no commitment) * Text Models – charged for every input/output token processed * Embedding Models – charged for every input token processed * Image Models – charged for every image generated * Works with Base Models only Batch: * Multiple predictions at a time (output is a single file in Amazon S3) * Can provide discounts of up to 50% Provisioned Throughput * Purchase Model units for a certain time (1 month, 6 months…) * Throughput – max. number of input/output tokens processed per minute * Works with Base, Fine-tuned, and Custom Models
88
What are the 4 Model Improvement techniques in cost order?
1. Prompt Engineering * No model training needed (no additional computation or fine-tuning) 2. Retrieval Augmented Generation (RAG) * Uses external knowledge (FM doesn’t need to ”know everything”, less complex) * No FM changes (no additional computation or fine-tuning) 3. Instruction-based Fine-tuning * FM is fine-tuned with specific instructions (requires additional computation) 4. Domain Adaptation Fine-tuning * Model is trained on a domain-specific dataset (requires intensive computation)
89
What is Prompt Engineering?
Developing, designing, and optimizing prompts to enhance the output of FMs for your needs
90
What is Enhanced Prompt Engineering?
Adding additional specific instructions to the prompts
91
What is Negative Prompting?
A technique where you explicitly instruct the model on what not to include or do in its response.
92
How is "Temperature" used in Prompt Engineering?
Determines the level of creativity of the model's output.
93
How are Top-P and Top-K used in Prompt Engineering?
Top-P (0 to 1): How large a pool of most likely words to consider when outputting. (.25=consider only top 25%) Top K: limits the number of probable words (eg. 10=less probable words so more coherent response)
94
What is Prompt "Latency"?
How fast the model responds. Not impacted by Top K, Top P or Temperature.
95
What is "Zero-Shot Prompting"?
Present a task to the model without providing examples or explicit training for that specific task
96
What is "Few-Shots Prompting"?
Provide examples of a task to the model to guide its output We provide a “few shots” to the model to perform the task
97
What is "one-shot" or "single-shot" prompting?
Provide just ONE example of a task to the model
98
What is "Chain of Thought" prompting?
Divide the task into a sequence of reasoning steps, leading to more structure and coherence. Can be combined with Zero-Shot or Few-Shots Prompting.
99
What are "Prompt Templates"?
Simplify and standardize the process of generating Prompts
100
What is "Amazon Q Business"?
Fully managed Gen-AI assistant for your employees Based on your company’s knowledge and data Built on Amazon Bedrock (but you can’t choose the underlying FM)
101
What is "Amazon Q Developer"?
AI code companion to help you code new applications (similar to GitHub Copilot) Answer questions about the AWS documentation and AWS service selection Answer questions about resources in your AWS account Suggest CLI (Command Line Interface) to run to make changes to your account
102
What is "Amazon Q for Quicksight"?
Amazon QuickSight is used to visualize your data and create dashboards about them Amazon Q understands natural language that you use to ask questions about your data
103
What is "PartyRock"?
GenAI app-building playground (powered by Amazon Bedrock) Allows you to experiment creating GenAI apps with various FMs (no coding or AWS account required) UI is similar to Amazon Q Apps
104
What are "Amazon Q Apps"?
Create Gen AI-powered apps without coding by using natural language Leverages your company’s internal data Possibile to leverage plugins (Jira, etc…)
105
What are the 4 main AI Components/Layers?
1. Data Layer – collect vast amount of data 2. ML Framework and Algorithm Layer – data scientists and engineer work together to understand use cases, requirements, and frameworks that can solve them 3. Model Layer – implement a model and train it, we have the structure, the parameters and functions, optimizer function 4. Application Layer – how to serve the model, and its capabilities for your users
106
What is the "Transformer Model" in LLM?
Able to process a sentence as a whole instead of word by word.
107
What does "GPT" stand for?
Generative Pre-trained Transformer – generate human text or computer code based on input prompts
108
What does "BERT" stand for?
Bidirectional Encoder Representations from Transformers – similar intent to GPT, but reads the text in two directions
109
What does "RNN" stand for?
Recurrent Neural Network – meant for sequential data such as time-series or text, useful in speech recognition, time-series prediction
110
What does "ResNet" stand for?
Residual Network – Deep Convolutional Neural Network (CNN) used for image recognition tasks, object detection, facial recognition.
111
What does "SVM" stand for?
Support Vector Machine – ML algorithm for classification and regression
112
What does "WaveNet" stand for?
Model to generate raw audio waveform, used in Speech Synthesis
113
What does "GAN" stand for?
Generative Adversarial Network – models used to generate synthetic data such images, videos or sounds that resemble the training data.
114
What is "XGBoost"?
Extreme Gradient Boosting – an implementation of gradient boosting
115
What is Supervised Learning?
Learn a mapping function that can predict the output for new unseen input data Needs labeled data: very powerful, but difficult to perform on millions of datapoints
116
What is "Regression-based" Supervised Learning?
Used to predict a numeric value based on input data Use cases: used when the goal is to predict a quantity or a real value Examples: * Predicting House Prices – based on features like size, location, and number of bedrooms * Stock Price Prediction – predicting the future price of a stock based on historical data and other features * Weather Forecasting – predicting temperatures based onhistorical weather data
117
What is "Classification-based" Supervised Learning?
Used to predict the categorical label of input data Use cases: scenarios where decisions or predictions need to be made between distinct categories Examples: * Binary Classification – classify emails as "spam" or "not spam" * Multiclass Classification – classify animals in a zoo as "mammal," "bird," "reptile” * Multi-label Classification – assign multiple labels to a movie, like "action" and "comedy Key algorithm: K-nearest neighbors (k-NN) model
118
What does K-NN mean?
K-nearest neighbors (k-NN) model. Used by Classification Supervised Learning.
119
How is a "Training Set" used with Models?
Used to train the model Percentage: typically, 60-80% of the dataset * Example: 800 labeled images from a dataset of 1000 images
120
How is a "Validation Set" used with Models?
Used to tune model parameters and validate performance Percentage: typically, 10-20% of the dataset * Example: 100 labeled images for hyperparameter tuning (tune the settings of the algorithm to make it more efficient)
121
How is a "Test Set" used with Models?
Used to evaluate the final model performance Percentage: typically, 10-20% of the dataset * Example: 100 labeled images to test the model's accuracy
122
What is "Feature Engineering"?
The process of using domain knowledge to select and transform raw data into meaningful features Particularly meaningful for "Supervised Learning"
123
How is the "Clustering Technique" used in Unsupervised Learning?
Used to group similar data points together into clusters based on their features Example: Customer Segmentation * Scenario: e-commerce company wants to segment its customers to understand different purchasing behaviors * Data: A dataset containing customer purchase history (e.g., purchase frequency, average order value) * Goal: Identify distinct groups of customers based on their purchasing behavior * Technique: K-means Clustering
124
How is the "Association Rule Learning Technique" used in Unsupervised Learning?
Example: Market Basket Analysis * Scenario: supermarket wants to understand which products are frequently bought together * Data: transaction records from customer purchases * Goal: Identify associations between products to optimize product placement and promotions * Technique: Apriori algorithm
125
How is the "Anomaly Detection Technique" used in Unsupervised Learning?
Example: Fraud Detection * Scenario: detect fraudulent credit card transactions * Data: transaction data, including amount, location, and time * Goal: identify transactions that deviate significantly from typical behavior * Technique: Isolation Forest
126
What is "Semi-Supervised Learning"?
Use a small amount of labeled data and a large amount of unlabeled data to train systems After that, the partially trained algorithm itself labels the unlabeled data This is called pseudo-labeling
127
What is "Self-Supervised Learning"?
Have a model generate pseudo-labels for its own data without having humans label any data first
128
What is "Reinforcement Learning"?
A type of Machine Learning where an agent learns to make decisions by performing actions in an environment to maximize cumulative rewards
129
What is RLHF?
Reinforcement Learning from Human Feedback * Use human feedback to help ML models to self-learn more efficiently * In Reinforcement Learning there’s a reward function
130
What is "Bias" in AI?
Difference or error between predicted and actual value. The model doesn’t closely match the training data
131
What is "Variance" in AI?
How much the performance of a model changes if trained on a different dataset which has a similar distribution
132
How is a "Confusion Matrix" used?
Best way to evaluate the performance of a model that does classifications (True positive, False Negative, False Positive, True Negative)
133
What is AUC-ROC?
Area under the curve-receiver operator curve
134
What are the "Regression Metrics" used in Model evaluation?
Used for evaluating models that predict a continuous value (i.e., regressions) * Example: Imagine you’re trying to predict how well students do on a test based on how many hours they study. - MAE, MAPE, RMSE – measure the error: how “accurate” the model is * if RMSE is 5, this means that, on average, your model’s prediction of a student's score is about 5 points off from their actual score - R² (R Squared) – measures the variance
135
What is "Inferencing"?
When a model is making a prediction on new data
136
What is "Inferencing at the Edge"?
Small Language Model (SLM) on the edge device * Very low latency * Low compute footprint * Offline capability, local inference
137
What are the "phases" of an ML Project?
1. Define business goals 2. ML problem framing 3. Data processing 4. Model development 5. Retrain 6. Deployment 7. Monitoring 8. Iterations
138
What is "Exploratory Data Analysis"?
Visualize the data with graphs
139
What are "Hyperparameters"?
Settings that define the model structure and learning algorithm and process * Set before training begins Important Ones: - Learning Rate - Batch Size - Number of Epochs (how many iterations) - Regularization (balance between simple & complex model)
140
When is Machine Learning NOT appropriate?
For deterministic problems where the solution can be computed, it's better to just write computer code.
141
What is Amazon Macie?
A fully managed data security and data privacy service that uses machine learning and pattern matching to discover and protect your sensitive data in AWS. * Macie helps identify and alert you to sensitive data, such as personally identifiable information (PII)
142
What is AWS Config?
A Per Region service that helps with auditing and recording compliance of your AWS resources * Helps record configurations and changes over time
143
What is Amazon Inspector?
Automated Security Assessments - only for EC2 instances, Container Images & Lambda functions
144
How is AWS CloudTrail used?
Provides governance, compliance and audit for your AWS Account Get an history of events / API calls made within your AWS Account A trail can be applied to All Regions (default) or a single Region.
145
What is AWS Artifact?
Portal that provides customers with on-demand access to AWS compliance documentation and AWS agreements
146
What is the AWS Audit Manager?
Assess risk and compliance of your AWS workloads(HIPAA, SOX, GDPR, etc) Continuously audit AWS services usage and prepare audits
147
What is AWS Trusted Advisor?
No need to install anything – high level AWS account assessment Analyze your AWS accounts and provides recommendation on 6 categories: * Cost optimization * Performance * Security * Fault tolerance * Service limits * Operational Excellence
148
What is a VPC?
Private network to deploy your resources (regional resource)
149
What is a Subnet?
Allows you to partition your network inside your VPC (Availability Zone resource)
150
What is an Internet Gateway used for?
Helps our VPC instances connect with the internet * Public Subnets have a route to the internet gateway.
151
What is a NAT Gateway used for?
Allows your instances in your Private Subnets to access the internet while remaining private
152
When would you use a VPC Endpoint or PrivateLink?
Access an AWS service privately without going over the public internet * Usually powered by AWS PrivateLink
153
How would you grant access for Bedrock to access ENCRYPTED training data in S3?
Bedrock must have an IAM Role that gives it access to: * Amazon S3 * The KMS Key with the decrypt permission
154
What is Amazon Connect?
Amazon Connect is the contact center service from AWS.