MACHINE LEARNING Flashcards

1
Q

what is Machine Learning?

A

a type of AI for building methods that allow machines to learn

data is leveraged to improve computer performance on a set of tasks, the system makes predictions based on that data

not all AI is machine learning (MYCIN Expert System)

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

what is deep learning?

A

NEURONS AND SYNAPSES

subset of machine learning for training a model on more complex patterns in the data with more layers of learning

input layers
hidden layers !
output layers

one example is computer vision, used for image classification, object

needs A LOT of input data and GPUs

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

what are nodes?

A

they are what neural networks are made of, tiny units connected together and organized in layers

when the network sees a lot of data, it identifies patterns and changes the connections between the nodes as needed

nodes “talk” to eachother by passing data or not to the next layer and creating new connections as well as removing old ones

neural networks have billions of nodes

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

so AI > ML > Deep Learning > GenAi?

A

yes.

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

in GenAI we have multi-purpose FM backed by neural networks, which can be fine-tuned to fit use cases

A

genAI models leverage transformer models (LLMs), which are able to proccess a sentence as a whole instead of word by word
faster and more efficient text processing (less training time)
trained on vast ammounts of text data from the internet, books and etc - learns patterns and relationships between words and phrases
a good example is Generative Pre-trained Transformer (chatGPT)

and for images we have:
diffusion models: NOISE
multi-modal models: take in lots of different inputs, output lots of different data too

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

ML terms that might be on the exam:

A

GPT: generate human text or computer code based on input prompts

BERT (Bidirectional Encoder Representations from Transformers): reads the text in two directions

RNN (Recurrent Neural Network): for sequential data such as time-series or text, speech recognition

ResNet (Residual Network): for image recognition tasks, object detection and facial recognition

SVM (Support Vector Machine): ML algorithm for classification and regression

WaveNet: generate raw audio waveform for speech synthesis

GAN (Generative Adversarial Network): generate synthetic data like images, videos or sounds that resemble training data - for data augmentation

XGBoost (Extreme Gradient Boosting): implementation for gradient boosting

RESNET FOR IMAGES
WAVENET FOR AUDIO
GAN FOR DATA AUGMENTATION
GPT AND BERT FOR LANGUAGE

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

what is training data?

A

it’s the most critical stage in the development of a good FM, it can be based on:

labeled data: for SUPERVISED LEARNING, includes input features and output labels

unlabeled data: for UNSUPERVISED LEARNING, includes only input features

structured data: tabular or in time-series, very easy to read and structure

unstructured data: text-heavy or multimedia content (images, social media posts, articles, customer reviews)

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

what is supervised learning?

A

machine learning algorithm where it learns a mapping function that can predict output for new unseen input data with labeled input data

regression: used to predict a numeric value based on input data - house prices, stock, weather forecasting

classification: used to predict categorical labels of input data
can be BINARY CLASSIFICATION like spam vs. not-spam emails
or MULTICLASS CLASSIFICATION like for movie genre labels on rotten tomatoes

logistic regression
linear regression
decision tree
neural network

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

what is feature engineering?

A

ML algorithm where domain knowledge is used to select and TRANSFORM RAW DATA INTO MEANINGFUL FEATURES

feature engineering on structured data: predicting house prices based on features like location, number of rooms, size, etc

feature engineering on unstructured data: sentiment analysis of customer review

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

what is unsupervised learning?

A

ML algorithm that uses only unlabeled data, which the system will discover patterns, structures and relationships within

humans will still put the labels in the end of the output

common techniques include: clustering, dimensionality reduction and association rule learning

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

what is self-supervised learning?

A

specific form of unsupervised learning where the model creates its own labels from the unlabeled data

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

what is semi-supervised learning?

A

a ML algorithm that uses small amount of labeled data along with a large amount of labeled data

document classification
sentiment analysis
fraud identification

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

what is reinforcement learning?

A

ML algorithm where an agent learns how to make decisions by interacting with the given enviroment, with the goal of maximizing cumulative rewards

dynamic learning process, effective for enviroments where responses need to be optimized based on direct user interaction and satisfaction

unlike supervised learning where the model learns from labeled data, reinforcement learning involves learning from feedback based on the consequences of actions

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

what is reinforcement learning from human feedback?

A

ML algorithm that uses human feedback to self-learn more efficiently

by incorporating human feedback in the reward function, it becomes more aligned with human goals, wants and needs

RLHF is used throughout GenAI applications, like LLMs, since it significantly improves the model’s performance

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

what is overfitting?

A

the fit of a model that has low bias and high variance

performs well on training data but not real-life

prevent it by using techniques like cross-validation, regularization, and pruning to simplify the model and improve its generalization - MAKE IT SIMPLER

resource-effective solution: hyperparameter tuning

resource-intensive solution: increase ammount of data for training

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

and what is underfitting?

A

the fit of a model that has high bias

performs poorly in both training and real-life

increasing the number of epochs will help improve accuracy

17
Q

what is bias?

A

bias is the difference or error between the prediction and the actual value

high bias means the model does not match the training data, it’s underfitting

using a more complex model and increasing the number of feature predictions can reduce bias

18
Q

what is variance?

A

it’s how much the performance of a model will change when trained on a different dataset

high variance means the model is very sensitive to changes in the training data, overfitting

feature selection can reduce variance

19
Q

what are metrics for model evaluation?

A

binary classification: comparing true values and what the model predicted, creates a confusion matrix

confusion matrix: can be multi-dimensional and its the best way to evaluate the performance of a model that does classification

AUC-ROC: comparing true positive rates with false positive rates

regression metrics: used to evaluate models that predic a continuous value

20
Q

what is inferencing?

A

a phase of ML where a model is making predictions based on NEW DATA, can be real-time or in batches

21
Q

what about inferencing on edge devices?

A

edge devices have less compute power and are closer to where the data is generated

small LLMs on edge devices: very low latency, low compute footprint, offline capabilities and local inference

LLMs on a remote server: more powerful, higher latency, must be online

exam may ask about use-cases

22
Q

what are the phases of a machine learning project?

A

defining business goals
framing the problem for ML
data processing
model development
retraining
deployment
monitoring
iterations

23
Q

what is a hyperparameter?

A

setting that defines the model structure and learning algorithm and process before the training beggins

24
Q

what is hyperparameter tuning?

A

finding the best parameter values to optimize the model performance

done by grid and random searches, and by services like AWS SAGEMAKER AUTOMATIC MODEL TUNING (AMT)

important hyperparameters are:
learning rate
batch size
number of epochs

25
Q

when is machine learning not appropriate?

A

it’s not apropriate for deterministic problems where the solutions can be computed easily and could be solved with coding

26
Q

data sets in ML

A

training set: for training the model

validation set: OPTIONAL! for tuning hyperparameters and selecting the best model

test set: evaluating the final performance of the model on unseen data