Machine Learning Final - Jahangiry

Lakukan tugas rumah & ujian kamu dengan baik sekarang menggunakan Quizwiz!

High (but not perfect) correlation between two or more independent variables is called: --- Perfect collinearity Heteroskedasticity Multicollinearity None of the above

Multicollinearity

What is the main difference between PyCaret and Scikit Learn for machine learning tasks? --- PyCaret is written in Python, while scikit-learn is written in R PyCaret is more user-friendly, while scikit-learn requires more knowledge of machine learning concepts PyCaret is more suited for deep learning tasks, while scikit-learn is more suited for traditional machine learning tasks PyCaret is a high-code library, while scikit-learn is a low-code library

PyCaret is more user-friendly, while scikit-learn requires more knowledge of machine learning concepts

Which of the following optimization solvers is the fastest one when working with large datasets? --- Gradient Descent Minibatch Gradient Descent Stochastic Gradient Descent They all have the same speed

Stochastic Gradient Descent

What is the characteristic of the greedy method used in decision trees? --- The method looks ahead and picks a split that will lead to a better tree in some future step. The method selects the best split based on a global criterion that minimizes the impurity of the tree. The method selects the best split at each step without considering the future consequences, also known as the greedy approach. The method evaluates all possible splits and selects the one that maximizes the information gain.

The method selects the best split at each step without considering the future consequences, also known as the greedy approach.

Which of the following models violates the linearity assumption in linear regression models?

The model with a non-linear parameter (beta^2)

Adding a new relevant variable can only increase the goodness-of-fit in the regression model. --- True False

True

Anaconda is a distribution of Python and R programming languages which simplify package management with conda environment. --- True False

True

Correlation is not Causation! --- True False

True

What is the common-sense accuracy (the benchmark accuracy) for the following classification problem? - You want to predict if someone is going to default on their credit card or not while only 10% of the observations in the train set have defaulted in reality. --- 10% 90% 5% 45%

90%

Suppose you are hired as a data analyst to analyze some COVID related data. You want to use logistic regression and construct a confusion matrix based on the COVID test results. If your goal is to avoid missing too many cases of COVID (avoid false negative), then A: which of the following probability thresholds would satisfy your objective? B: what is the consequence of that? Hint: if y_hat > threshold then your prediction is positive, otherwise negative. --- A= 0.2 and B: lower precision and higher recall A= 0.8 and B: lower precision and higher recall A= 0.2 and B: higher precision and lower recall A= 0.8 and B: higher precision and lower recall

A= 0.2 and B: lower precision and higher recall

Which of the following best describes the main difference between AI, ML, and DL?

AI is concerned with understanding and replicating human intelligence, while ML is concerned with making predictions using data, and DL is concerned with finding patterns in data

Which of the following metrics, is NOT an evaluation metrics for regression models? --- R-squared MSE (Mean Squared Error) MAE (Mean Absolute Error) Accuracy

Accuracy

Which of the following performance metrics incorporates all the cells in a 2 by 2 confusion matrix (TP, TN, FP, FN)? --- Accuracy and Matthews Correlation Coefficient (MCC) only Matthews Correlation Coefficient (MCC) precision, recall f1 score

Accuracy and Matthews Correlation Coefficient (MCC)

In this type of penalized regression, we can shrink the coefficients estimate toward zero. --- Ridge LASSO Elastic Net All of the above

All of the above

What are the common ways of reducing the overfitting in a machine learning exercise? --- Collecting more data Complexity reduction (ex regularization) Using cross validation All of the above

All of the above

What are the steps in Econometrics analysis? --- Specify the model Collect data Quantify the model All of the above

All of the above

What is the primary benefit of using Google Colab over a personal workstation for machine learning tasks? --- Cost-effective Access to powerful GPUs Automatic software updates All of the above

All of the above

Which of the following statements is correct with regards to LASSO regressions? A. LASSO regression uses L1 norm. B. LASSO eliminates the least important features from the model, it automatically performs a type of feature selection. C. Cross validation is used to select a good value for the shrinkage parameter. D. It is best to apply LASSO regression after variable standardization --- All but A All but B only C and D All of the above

All of the above

Which of the following statements is correct with regards to MSE decomposition? A) Model variance is the variance if we had estimated the model with a different training set B) Model bias is the error due to using an approximate model (model is too simple). On average, the model is not hitting at the target. C) Irreducible error is due to missing variables and limited samples. Can't be fixed with modeling --- Only A Only A and B Only B and C All of the above

All of the above

Which of the following statements are correct? A. The ROC curve is created by plotting the true positive rate (TPR) against the false positive rate (FPR) at various threshold settings. B. The true-positive rate is also known as sensitivity, recall or probability of detection in machine learning. C. The false-positive rate is also known as probability of false alarm. --- Only A Only B Only C All of them

All of them

Which of the following statements in a disadvantage of polynomial regression model? A. Polynomial models have notorious tail behavior B. Polynomial models are global fit --- Only A Only B Both A and B Neither A nor B

Both A and B

Which of the following statements is correct? A model is called a linear model as long as it is linear in parameters. Polynomial regression model is a special case of general linear regression models. --- Neither A nor B Both A and B Only A Only B

Both A and B

Why do we need to do feature scaling in machine learning? To .... A) Avoid numerical overflow and speed up the machine learning algorithm B) Reduce dominant effects of specific features --- Only A Only B Neither A nor B Both A and B

Both A and B

Which of following statements are correct? A. Linear probability model (LPM) may generate outcomes (probabilities) less than zero and greater than one. B. Logistic regression model may generate outcomes (probabilities) less than zero and greater than one. C. Both the LPM and logistic regression models, output probabilities. --- Only A Only B Both A and C Both B and C

Both A and C

Which of the following statements is true regarding classification trees? --- Classification trees are used to predict quantitative responses. Classification trees are used to predict qualitative responses, and the prediction at each terminal node is the category with the majority of data points. The prediction of the algorithm at each terminal node in a classification tree is the average value of the target variable Regression trees are very similar to classification trees with respect to decision criteria

Classification trees are used to predict qualitative responses, and the prediction at each terminal node is the category with the majority of data points.

Which of the following is NOT a type of machine learning?

Compiler learning

Which of the following is typically NOT a goal of statistical learning?

Constructing super complex models for maximum predictability

Which of the following statements accurately describes the cost complexity pruning method in decision trees? --- Cost complexity pruning involves randomly removing branches from a decision tree until a desired level of accuracy is achieved. Cost complexity pruning involves adding more branches to a decision tree to improve its predictive accuracy. Cost complexity pruning involves scaling the weights of features in a decision tree to adjust their importance in the final prediction. Cost complexity pruning involves adjusting the complexity of a decision tree by adding or removing branches to minimize a cost function that balances between model complexity and goodness of fit.

Cost complexity pruning involves adjusting the complexity of a decision tree by adding or removing branches to minimize a cost function that balances between model complexity and goodness of fit.

Which of the followings is NOT an advantage of KNN model? --- Intuitive and simple No assumptions on distribution of the data Curse of dimensionality Easy to implement for multi-class problem

Curse of dimensionality

Which of the following is NOT a common application of machine learning? --- Database management Fraud detection Image classification Customer segmentation

Database management

Which of the following statements accurately describes the approach used by decision trees in machine learning? --- Decision trees use a bottom-up approach to group and label observations that are similar Decision trees apply a top-down approach to data, progressively dividing data sets into smaller data groups based on a descriptive feature until they reach sets that are small enough to be described by some label Decision trees group data sets into larger data groups based on a descriptive feature until they reach sets that are large enough to be described by some label. Decision trees do not group or label observations in any specific way.

Decision trees apply a top-down approach to data, progressively dividing data sets into smaller data groups based on a descriptive feature until they reach sets that are small enough to be described by some label

Which of the following statements is true regarding decision trees? --- Decision trees are parametric models. Decision trees are non-parametric models. Decision trees can be both parametric and non-parametric models. None of the above

Decision trees are non-parametric models.

Which of the following decision trees criteria is more sensitive to purity/impurity of the target classes? --- MSE Error rate Gini Entropy

Entropy

Which of the following terms is not an alternative name for "Dependent Variable"? --- Response Variable Regressand Explanatory Variable Predicted Variable

Explanatory Variable

Which of the following performance metrics is the best way to compare different machine learning classification models when the target variable is highly imbalanced (for example 98% class 1 and only 2% class 2)? --- R-squared Accuracy F1-score Error rate

F1-score

AUC stands for "Area Under the (ROC) Curve". A model with a lower AUC is preferred to a model with a higher AUC. --- True False

False

OLS is an estimation technique that maximizes the residual sum of squares! --- True False

False

There is only one hyperparameter in KNN model. --- True False

False

Through Gauss-Markov assumptions we have a clear understanding of the distributions of beta hats. --- True False

False

To train a machine learning model, we should always partition the data into 3 parts (train, validation, test) even if the data set is small. --- True False

False

Regression and Classification methods are different types of Reinforcement learning! --- True False

False; Regression and Classification methods are different types of supervised learning!

In order to decide which feature to begin with and where to put the split, the CART algorithm compares -------------- for classification and ----------------- for regression in each region. Gini impurity - MSE Gini impurity - Gini impurity MSE - MSE MSE - Gini impurity

Gini impurity - MSE

What is the main difference between Google Colab and other cloud platforms for machine learning tasks? --- Google Colab is free, while other cloud platforms have a cost associated with them Google Colab has more powerful hardware than other cloud platforms Google Colab offers more advanced collaboration features than other cloud platforms Google Colab allows for faster data transfer than other cloud platforms

Google Colab is free, while other cloud platforms have a cost associated with them

Which of the following optimization solvers is the most stable one in minimizing the cost function? (i.e has the most stable path to the global minimum of the cost function) --- Gradient Descent Minibatch Gradient Descent Stochastic Gradient Descent They all have the same robustness

Gradient Descent

Which of the following is a disadvantage of KNN algorithm? It is simple to implement It can handle non-linear data It requires a lot of memory to store all the training data It is easy to implement for multi class problem

It requires a lot of memory to store all the training data

Which of the following is a web-based interactive development environment? --- JupyterLab VS code Anaconda PyCaret

JupyterLab

---------- is a plot that shows the relationship between the amount of training data and the performance of a machine learning model. It is used to diagnose whether a model has high bias, high variance, or is just right. --- Learning rate Learning curve Cross validation curve None of the above

Learning curve

Which of the following regression models CANNOT completely overfit the data by construction? --- Linear regression KNN regression Both linear and KNN regression None of them

Linear regression

Which what is the main difference between statistical learning and machine learning?

Machine learning is concerned with making predictions using data, while statistical learning is concerned with understanding the underlying relationship of the data

Q: What are the outputs (predictions) of a CART model for classification and regression trees respectively? (what are the predicted values in each terminal node) A: for classification, the predictions are the ------------- in each region and for regression, the predictions are the ----------------- of the observations in each region. --- Majority class - Minority class Average values - Average values Majority class - Average values Minority class - Average values

Majority class - Average values

Which of the following regression metrics have a meaningless unit of measurement. For example, the unit is not dollar or foot or percentage or anything meaningful. --- Mean Squared Error (MSE) Root Mean Squared Error (RMSE) Mean Absolute Error (MAE) Mean Absolute Percentage Error (MAPE)

Mean Squared Error (MSE)

In K-Nearest Neighbors (KNN) algorithm, what does the "K" represent? --- Number of observations Number of neighbors Number of features None of the above

Number of neighbors

Which of the following statements are correct in regards to "why do we use cross validation?" in machine learning? A) For model architecture selection B) For estimation of model performance in train set --- Only A Only B Both A and B Neither A nor B

Only A

Which of the following statements is NOT correct with regards to ridge regressions? A. Ridge regression uses L1 norm. B. Ridge regression can shrink to estimates toward zero (and not exactly zero). C. Cross validation is used to select a good value for the shrinkage parameter. D. It is best to apply ridge regression after variable standardization. --- Only B Only A Only A and D C

Only A

Which of the following statements is correct with regards to the concept of norms? In mathematics, the norm of a vector is its length. L2 norm is based on Least absolute errors L1 norm is based on Least squared errors --- All of the above Only A Only B and C Only A and B

Only A

Which of the following is NOT a typical goal of econometrics research? --- Estimating relationships between variables Testing Hypothesis Outperforming complicated machine learning or deep learning models Predicting random variables

Outperforming complicated machine learning or deep learning models

Which of the following models is not an example of penalized regression? --- Ridge regression Lasso regression Polynomial regression Elastic net regression

Polynomial regression

This feature scaling method will subtract the average from each observation and then divide that by the standard deviation of the observations. --- Min-Max normalization over [0,1] Mean normalization Standardization (Z-core) Min-Max normalization over [-1,1]

Standardization (Z-core)

A Non-parametric machine learning model, is a model that no restriction is imposed on the functional form of the model, in other terms, f(x) is NOT assumed. --- True False

True

Google Colab is a notebook-style environment which provides access to machine learning libraries and computing resources like GPU. --- True False

True

In LASSO some weights are reduced to zero, but others may be quite large. In Ridge, weights are small in magnitude, but they are not reduced to zero. In Elastic Net we get the best of both worlds by making some weights zero while reducing the magnitude of the others. --- True False

True

Like logistic regression, KNN classification model can output probabilities for each class in the target space. --- True False

True

One disadvantage of CART is that it may overfit the data specially if there is no stopping criteria in the algorithm. This will lead to generating a very bushy tree in general. --- True False

True

Polynomial regression models are more prone to overfit the data compared to other linear regression models not using polynomial features. --- True False

True

Regularized logistic regression refers to a model that adds a penalty term (either L1, L2 or a combination of the two) to the logistic regression cost function. --- True False

True

The goal of unsupervised learning is to discover the underlying patterns and find groups of samples that behave similarly! --- True False

True

The zero conditional mean assumption states that given any values of independent variables X, the errors are on average zero. --- True False

True

To create a regularized model, we modify the loss function by adding a penalizing term whose value is higher when the model is more complex. --- True False

True

Which of the following is a code editor? --- Python Anaconda VS Code PyCaret

VS Code

Which of the following statements is NOT correct with regards to the definition of Cost function? --- The cost function tells us "how good" our model is at making predictions for a given set of parameters. The cost function has its own curve and its own gradients. The slope of this curve tells us how to update our parameters to make the model more accurate. We can always use gradient descent to optimize the cost function even if the cost function is not differentiable None of the above

We can always use gradient descent to optimize the cost function even if the cost function is not differentiable

Which of the following KNN classification models has a most flexible (complex) decision boundary? i.e. maximum accuracy in the train set. A KNN model with K equal to? --- 10 5 1 Sample size

1

Which of the following statements accurately describes the trade-off between bias and variance in decision trees? --- A smaller tree with fewer splits will have lower bias and higher variance. A larger tree with more splits will have higher bias and lower variance. A smaller tree with fewer splits may lead to lower variance and better interpretation, but at the cost of higher bias. A larger tree with more splits may lead to lower bias and better interpretation, but at the cost of higher variance.

A smaller tree with fewer splits may lead to lower variance and better interpretation, but at the cost of higher bias.

Which of the following is a disadvantage of using a personal workstation for machine learning tasks compared to cloud platforms and Google Colab? --- Limited access to powerful hardware Limited scalability Higher cost All of the above

All of the above

We usually use MSE (Mean Squared Error) as the loss function for linear regression model. Why is that the case? A. It is a well-behaved cost function (continuous and differentiable) B. There exist a close form solution for MSE cost function --- Only A Only B Neither A nor B Both A and B

Both A and B

Which of the following statements are correct: A. K nearest neighbor (KNN) is one of the simplest and best known non parametric supervised learning technique most often used for classification. B. Contrary to other learning algorithms that allow discarding the training data after the model is built, KNN keeps all training examples in memory. --- Only A Only B Both A and B Neither A nor B

Both A and B

Which of the following statements are correct: A. One big difference between linear regression and logistic regression is how the line is fit to the data. B. Maximum likelihood estimation (MLE) is a method of estimating the parameters of a probability distribution by maximizing a likelihood function, so that under the assumed statistical model the observed data is most probable. --- Only A Only B Neither A nor B Both A and B

Both A and B

Which of the following statements are correct? A: Machine Learning is a subset of AI that enables computers to learn from data. B: ML involves automated detection of meaningful patterns in data and apply the pattern to make predictions on unseen data! The purpose is to generalize. --- only A only B Both A and B Neither A nor B

Both A and B

An explanatory variable is said to be exogenous if it is correlated with the error term. --- True False

False

In this type of penalized regression, we can force some of the coefficient estimates to be exactly zero. In other words, this model allows feature selection. --- Ridge and LASSO Ridge and Elastic Net LASSO and Elastic Net only LASSO

LASSO and Elastic Net

L1 norm is also known as ------------ distance and L2 norm is also known as ------------- distance. --- Boston- Euclidian Manhattan - Euclidian Euclidian - Manhattan Boston - Manhattan

Manhattan - Euclidian

If an independent variable in a multiple linear regression model is an exact linear combination of other independent variables, the model suffers from: --- Multicollinearity Perfect collinearity Heteroskedasticity Homoskedasticity

Perfect collinearity

In linear regression, we fit the line using ---------- and in logistic regression we fit the S curve using -------- --- maximum likelihood - maximum likelihood least squares - maximum likelihood least squares - least squares maximum likelihood- least squares

least squares - maximum likelihood

The main idea of regularization in machine learning is to introduce a small amount of bias to the model by making it ------------------ in order to get a significant reduction in ----------------. --- less flexible - model variance more flexible - model variance more flexible - model bias less flexible - model bias

less flexible - model variance

In machine learning, ------------ happens when the fitted algorithm, does not generalize well to the unseen data. --- underfitting overfitting over specification under specification

overfitting

One of the main goals in machine learning is to see if the model predictions are closed to the actual numbers in the ------------ set. This is called generalization. --- train test validation cross validation

test

Which one is correct definition of Supervised learning? In supervised learning -------

the machines learn to model relationships based on labeled data!

Which of the following statements is NOT an advantage of CART (Classification and Regression Trees)? --- Interpretability handling categorical variables without the need of one-hot encoding using a greedy algorithm which can get stuck in a local optimal handling non-linear data sets

using a greedy algorithm which can get stuck in a local optimal

-------------- set is used to tune (optimize) the hyperparameters of the model. --- train validation test All of the above

validation

Which one is correct about machine learning?

All of the above

In two dimensional space, the neighborhood represented by Euclidian distance is a ------------ --- circle square star oval

circle

In order to tune the hyper parameter (d) of the polynomial regression model, we plot the model performance vs model complexity in the -------------- data. --- train test cross validation All of the above

cross validation

As the order of polynomial model increases (more complex model), the model bias will ----------- and model variance will ------------ --- increase - increase decrease - increase increase - decrease decrease - decrease

decrease - increase

In a supervised machine learning algorithm, as we increase model complexity, the bias ---------- and the model variance ------------. --- increase - increase decrease - decrease increase - decrease decrease - increase

decrease - increase

As we increase the hyperparameter K in a KNN model from 1 to 10, the model bias ----------------- and the model variance ---------------- --- increase - decrease increase - increase decrease - decrease decrease - increase

increase - decrease

Considering a two-class classification problem (2by2 confusion matrix), a good machine learning model is a model that -------------- --- maximizes true positives and true negatives, and minimizes the false positives and false negatives maximizes the true positives and false positives, and minimize the true negatives and false negatives minimizes true positives and true negatives, and maximizes the false positives and false negatives minimizes the true positives and false positives, and maximizes the true negatives and false negatives

maximizes true positives and true negatives, and minimizes the false positives and false negatives

Which of the following statements are correct? A. While recall expresses the ability to find all relevant instances in a dataset, precision expresses the proportion of the data points our model says was relevant were actually relevant. B. F1 uses the simple average instead of a harmonic mean because simple average punishes extreme values. --- only A only B Both A and B Neither A nor B

only A

The linear regression model is an example of --------------- model. --- parametric non-parametric can be either parametric or non-parametric none of the above

parametric

In machine learning the focus is more on ------------ and less on ---------------. --- prediction - inference inference - prediction prediction - forecasting forecasting - prediction

prediction - inference

In the gradient descent algorithm, if the learning rate is too -----------, gradient descent can be very slow and if the learning rate is too ---------, the gradient descent can even diverge. --- small - big big - small small - small big - big

small - big


Set pelajaran terkait

AP Psychology Chapter 11 Motivation

View Set

Chapter 6: Entrepreneurship and Starting a Small Business

View Set

Chapter 19 Anatomy and Physiology

View Set

Chapter 13: Employees Rights and Discipline

View Set