Hands on ML Flashcards

1
Q

What type of machine has the following characteristics:

-It takes a particular statistical model
-Optimizes it using a computer
-Leverages the computer speed
-Creates a class of models

a. Machine Learning
b. Deep Learning
c. AI

A

a. Machine Learning

-It takes a particular statistical model
-Optimizes it using a computer
-Leverages the computer speed
-Creates a class of models

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

What type of machine has the following characteristics:

-Deep neural networks
-It has cheaper computational power and can withstand a rise of alot of data and cheaper on cost of storage

a. Machine Learning
b. Deep Learning
c. AI

A

b. Deep Learning

-Deep neural networks
-It has cheaper computational power and can withstand a rise of alot of data and cheaper on cost of storage

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

Data is the key to _____

a. Machine Learning
b. Deep Learning
c. AI

A

a. Machine Learning

Data is the key to Machine Learning.

Without data, there is no machine learning.

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

What type of machine has the following characteristics:

-Learn data sets from a large set of unsupervised data
-Take this model and transfer this learning into a specific task
-Reduces data requirements of your target task

a. Machine Learning
b. Deep Learning
c. AI
d. Transfer Learning

A

d. Transfer Learning

-Learn data sets from a large set of unsupervised data
-Take this model and transfer this learning into a specific task
-Reduces data requirements of your target task

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

When programming a function, we take inputs or multiple inputs called ______

a. arguments
b. args
c. kwags
d. none

A

a. arguments

When programming a function, we take inputs or multiple inputs called arguments

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

What type of problems use Group-Based Programming?

a. image classification
b. self-driving cars
c. chess playing
d. game playing
e. all above

A

e. all above

Image classification, Self-driving cars, Chess Playing, and Game playing all use Group Based Programming.

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

Which type of ML model is the following:

“We take a dataset of input and output pairs and we get them to MLmodel to learn a function that transforms the input and outputs after it has seen enough input output pairs”

a. Reinforcement
b. Supervised
c. Unsupervised
d. Semi-Supervised

A

b. Supervised Learning

“We take a dataset of input and output pairs and we get them to MLmodel to learn a function that transforms the input and outputs after it has seen enough input output pairs”

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

Which type of ML model is the following:

“Holy Grail of ML, according to Deep Learning. We do not feed input-output pairs. We just feed inputs. Figures out the rules, patterns, and the underlying structure governing the data. Allows the machine to do all sorts of structured learning from unstructured data?”

a. Reinforcement
b. Supervised
c. Unsupervised
d. Semi-Supervised

A

c. Unsupervised

“Holy Grail of ML, according to Deep Learning. We do not feed input-output pairs. We just feed inputs. Figures out the rules, patterns, and the underlying structure governing the data. Allows the machine to do all sorts of structured learning from unstructured data?”

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

How data enables ML?

Using an ex.
input bank of pictures and output of labeled pictures of 1000 categories. Task: get the MLM to learn what pics go to what outputs.

Model tunes the own parameters to the dataset. Model turns into its own approximations. Parameters are the rules. Neural Network (model) and Weights(rules)

A

input bank of pictures and output of labeled pictures of 1000 categories. Task: get the MLM to learn what pics go to what outputs.

Model tunes the own parameters to the dataset. Model turns into its own approximations. Parameters are the rules. Neural Network (model) and Weights(rules)

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

What is the basic idea of a Feedback loop?
a. Compute the current prediction
b. Then look at how wrong you are
c. Then tune the model to reduce the error
d. All the above

A

The Basic idea of a Feedback Loop
d. All the above

-Compute the current prediction
-Then look at how wrong you are
-Then tune the model to reduce the error

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

What program is the following:

-“Provides high performance, easy to use data structures and data analysis tools for Python”
-“It is a data analysis library”
-“Works like Excel combines with SQL w/ very Pythonic interface
-“Import from Pandas then clean, slice, aggregate, or summarize”

a. Python
b. Pandas
c. Scikit Learn
d. Tensorflow

A

b. Pandas

-“Provides high performance, easy to use data structures and data analysis tools for Python”
-“It is a data analysis library”
-“Works like Excel combines with SQL w/ very Pythonic interface
-“Import from Pandas then clean, slice, aggregate, or summarize”

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

What program is the following:

-Very easy to go from code to output
-Run on public cloud services like AWS, Azure, and GCP

a. Python
b. Pandas
c. Scikit Learn
d. Tensorflow
e. Jupyter Notebook

A

e. Jupyter Notebook

-Very easy to go from code to output
-Run on public cloud services like AWS, Azure, and GCP

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

What program is the following:

-Patterns in data
-How values correlate to time
-How the value change in the future

a. Python
b. Time Series Data
c. Scikit Learn
d. Tensorflow

A

b. Time Series Data

-Patterns in data
-How values correlate to time
-How the value change in the future

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

pd.date_range(‘2019-01-01’ , periods=3, freq=’H’)

What does this mean?

A

pd.date_range(‘2019-01-01’ , periods=3, freq=’H’)

H - Hourly
3 - Means we want 3 periods
2019-01-01 is the date range the computer recognized

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

pd.date_range(‘2019-01-01’, periods=3, freq=’H’, tz_localize(‘UTC’)

What does this mean?

A

H = hourly
2019-01-01 = Date range starts
Periods = We want 3 periods
UTC = Time Zone

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

pd.date_range(‘2019-01-01’, periods=3, freq=’H’, tz_localize(‘UTC’) .tz_convert(‘US/Pacific’)

What does this mean?

A

H = hourly
2019-01-01 = Date range starts
Periods = We want 3 periods
Changed the time from UTC to US Pacific

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

What is the main matrix in linear regression?

a. mean_squared_error
b. min_squared_error
c. linear_regression
d. none of the above

A

a. mean_squared_error

mean_squared_error is one of the MAIN MATRIX in LINEAR REGRESSION

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

what function does the following:

“it is an error function that squares the errors of all the data points and divides them and finds the mean”

a. mean_squared_error
b. min_squared_error
c. linear_regression
d. none of the above

A

a. mean_squared_error

“it is an error function that squares the errors of all the data points and divides them and finds the mean”

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

how do you perform a train test split from scikitlearn?

a. from sklearn.model_selection import
train_test_split
b. test_train_split
c. train_test_split
d. none of the above

A

From scikitlearn you would perform train test split below:

a. from sklearn.model_selection import
train_test_split

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

what function does the following:

“turns any variable fit in between 0 and 1”

a. mean_squared_error
b. sigmoid (aka: logistic function)
c. linear_regression
d. none of the above

A

b. sigmoid (aka: logistic function)

“turns any variable fit in between 0 and 1”

ex on coding:
def sigmoid(z):

Math function
1/(1 + np.exp(-z))

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

What is the right percentage to Train and Test data?

a. Train 70%, Test 30%
b. Train 30% Test 70%
c. Train 40% Test 60%
d. Train 60% Test 40%

A

The right percentage to Train and Test data

a. Train 70%, Test 30%

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

What is another option other than a basic
“Train-Test” dataset?

a. Train-Test-Validate
b. Train-Test
c. Train-Test- Split
d. None of the Above

A

a. Train-Test-Validate

Train %
Test %
Validate %
(use validate to avoid spoiling data by giving too much data)

23
Q

what function does the following:

“Forces a model to learn too much from the data”
“Model does not remember the data sets”

a. underfitting
b. overfitting
c. linear_regression
d. none of the above

A

b. overfitting

“Forces a model to learn too much from the data”
“Model does not remember the data sets”

24
Q

How do you prevent Overfitting?

a. regularization
b. lasso
c. linear regression
d. underfitting

A

a. regularization

  1. do a train-test split
    2.
25
Q

takes all the data and scales it too an interval of 0 and 1.

a. polynomialFeature
b. standardscaler()
c. none of the above

A

b. standardscaler()

26
Q

transforms the data into a 3rd degree polynomial feature set.

a. polynomialFeature
b. standardscaler()
c. none of the above

A

a. polynomialFeature

transforms the data into a 3rd degree polynomial feature set.

27
Q

For this tactic the outcome is
“penalizes large weights. The higher the weight the more penalized it gets. The coef (coefficients) are more sensible. Ex. most coef. fall between 0 and 1”

A. Lasso
B. Ridge
C. ElasticNet (Lasso + Ridge)

A

B. Ridge

“penalizes large weights. The higher the weight the more penalized it gets. The coef (coefficients) are more sensible. Ex. most coef. fall between 0 and 1”

28
Q

For this tactic the outcome is
“Minimize number of nonzero weights entirely.”
“Most coef. are 0”

A. Lasso
B. Ridge
C. ElasticNet (Lasso + Ridge)

A

A. Lasso

For this tactic you your outcome is
“Minimize number of nonzero weights entirely.”
“Most coef. are 0”

29
Q

For this tactic the outcome is
“A type of tactic that is used Lasso + Ridge”

A. Lasso
B. Ridge
C. ElasticNet (Lasso + Ridge)

A

ElasticNet is a balance between Lasso and Ridge

30
Q

What form of OpenAI is the following:
-Conversational Chatbot
-Generative Pre-trained Transformer
-Launched as prototype on 11/30/22
-Uses: Debuging/Writing programs, Compose Music, Write Essays, assignments, etc.

A. ChatGpt
B. Whisper
C. DALL-E

A

A. ChatGpt

-Conversational Chatbot
-Generative Pre-trained Transformer
-Launched as prototype on 11/30/22
-Uses: Debuging/Writing programs, Compose Music, Write Essays, assignments, etc.

31
Q

What form of OpenAI is the following:

-Transcription and Translation
-Think of Google Translate on Steriods

A. ChatGpt
B. Whisper
C. DALL-E

A

B. Whisper
-Transcription and Translation
-Think of Google Translate on Steriods

32
Q

What form of OpenAI is the following:

-Image Generation

A. ChatGpt
B. Whisper
C. DALL-E

A

-Image Generation
C. DALL-E

33
Q

True or False:
AI, ML, and DL - Learn from past patterns to predict future

A

True
AI, ML, and DL - Learn from past patterns to predict future

34
Q

What form of AI handles Structured data?
Think (Rows + Columns)

a. AI
b. ML
c. DL

A

b. ML

ML deals with Structured Data (such as Rows and Columns)

35
Q

What form of AI handles Unstructured data?
Think (Images + Text + Videos + Emails)

a. AI
b. ML
c. DL

A

c. DL

DL handles Unstructured data
Think (Images + Text + Videos + Emails)

36
Q

What are examples of Weak AI?

A. AI, ML, DL
B. AGI (Artificial General Intel.,), ASI (Art.Super Intel)
C. Supervised, Unsupervised, and Reinforcement

A

Weak AI

A. AI, ML, DL

37
Q

What are examples of Strong AI?

A. AI, ML, DL
B. AGI (Artificial General Intel.,), ASI (Art.Super Intel)
C. Supervised, Unsupervised, and Reinforcement

A

Strong AI

B. AGI (Artificial General Intel.,), ASI (Art.Super Intel)

38
Q

What form of AI is like Human Like Robots depicted in movies?

A. AI, ML, DL
B. AGI (Artificial General Intel.,), ASI (Art.Super Intel)
C. Supervised, Unsupervised, and Reinforcement

A

A form of AI is like Human Like Robots depicted in movies.

B. AGI (Artificial General Intel.,), ASI (Art.Super Intel)

ChatGPT touches the outer layer of Strong AI

39
Q

“Basic form of DL, that consists of Input, Hidden, and Output layers?”

A. Artificial Neural Network (ANN)
B. Convolutional Neural Network (CNN)-Images
C. Recurrent Neural Network (RNN)-NLP

A

A. Artificial Neural Network (ANN)

Basic form of DL, that consists of Input, Hidden, and Output layers

40
Q

“The more advanced form of DL, created to handle images and videos?”

A. Artificial Neural Network (ANN)
B. Convolutional Neural Network (CNN)-Images
C. Recurrent Neural Network (RNN)-NLP

A

B. Convolutional Neural Network (CNN)-Images

The more advanced form of DL, created to handle images and videos

41
Q

“Helpful in Natural Language Processing, NLP used in Alexa and Siri,
-Good at predicting future
-Information goes through a cycle of loops
-Considers a current input and also what learned previous inputs

A. Artificial Neural Network (ANN)
B. Convolutional Neural Network (CNN)-Images
C. Recurrent Neural Network (RNN)-NLP

A

C. Recurrent Neural Network (RNN)-NLP

-Helpful in Natural Language Processing, NLP used in Alexa and Siri
-Good at predicting future
-Information goes through a cycle of loops
-Considers a current input and also what learned previous inputs

42
Q

-Good for extended sequences
-Use self-attention mechanisms to weigh the importance of different parts of the input at each position
-Allow them to process sequential data

A. Artificial Neural Network (ANN)
B. Convolutional Neural Network (CNN)-Images
C. Recurrent Neural Network (RNN)-NLP
D. Transformers

A

D. Transformers

-Good for extended sequences
-Use self-attention mechanisms to weigh the importance of different parts of the input at each position
-Allow them to process sequential data

43
Q

“Is a transformer based language model”
“Designed for language generation tasks (Translation, summarization and text completion)
“Based on deep neural architecture”
“Self attention mechanism- has relative weights for different parts of input & effectively process sequential data”

A. ChatGpt
B. Whisper
C. DALL-E

A

A. ChatGpt

“Is a transformer based language model”
“Designed for language generation tasks (Translation, summarization and text completion)
“Based on deep neural architecture”
“Self attention mechanism- has relative weights for different parts of input & effectively process sequential data”

44
Q

What are the requirements for App Development in AI

  1. Tech Stack (JS, HTML/ CSS, AI ML (most impt)
    stringlit takes care of all these requirements
  2. Database
  3. Backend
  4. User Interface
  5. Hosting
A
  1. Tech Stack (JS, HTML/ CSS, AI ML (most impt)
    stringlit takes care of all these requirements
  2. Database
  3. Backend
  4. User Interface
  5. Hosting
45
Q

what is data about data?

a. metadata
b. data
c. metaanalysis
d. none of the above

A

a. metadata

metadata- data about data

46
Q

True or False: A 1/3 of Whisper’s audio audience is not english.

A

True!

1/3 of Whisper’s audio audience is not english

47
Q

What platform is used to detect AI generated text?

a. ChatGPT
b. GPTZero
c. AI capture

A

b. GPTZero

GPTZero is used to detect AI generated text

48
Q

“A measure of how well a probabilty model predicts a sample”

a. preplexity
b. impreceptiliby
c. language model

A

a. preplexity
“A measure of how well a probabilty model predicts a sample”

49
Q

Is the probability distribution over sentences or sequence of words
-Evaluate the goodness of already written sentences

a. Perplexity
b. language model
c. natural language processing

A

b. language model

Is the probability distribution over sentences or sequence of words
-Evaluate the goodness of already written sentences

50
Q

What are limitation of ChatGpt

a. Cant access internet
b. accuracy issues
c. limited by data 2021
d. all above are limitation

A

d. all above are limitation

-Cant access internet
-accuracy issues
-limited by data 2021

51
Q

What are employment risks of using ChatGPT?

a. affect the demand for knowledge workers
b. lower quality of work

A

employment risks of using ChatGPT

a. affect the demand for knowledge workers
b. lower quality of work

52
Q

What are cybersecurity risks of using ChatGPT?

a. create program to create viruses.

A

cybersecurity risks of using ChatGPT

a. create program to create viruses.

53
Q

What are education risks of using ChatGPT?

a. statement of English and articles are dead. Papers dead because internet is writing for you.

A

education risks of using ChatGPT

a. statement of English and articles are dead. Papers dead because internet is writing for you.