Machine Learning Interview Questions | Machine Learning Interview Preparation | Intellipaat

Intellipaat
15 May 202321:29

Summary

TLDRThis video dives into essential machine learning interview questions, explaining key concepts such as the differences between machine learning, artificial intelligence, and deep learning. It covers topics like bias and variance, clustering, linear regression, decision trees, and overfitting. The script also explores hypothesis testing, supervised vs. unsupervised learning, PCA, SVM, cross-validation, entropy, epochs, and the variance inflation factor. It discusses metrics like confusion matrices, type 1 and type 2 errors, and the use of logistic regression. Additionally, it provides insights on handling missing data in datasets, offering a comprehensive guide for those preparing for a career in data science.

Takeaways

  • ๐Ÿค– Machine Learning, Artificial Intelligence (AI), and Deep Learning are distinct yet interrelated fields, with Deep Learning being a subset of Machine Learning, and Machine Learning being a subset of AI.
  • ๐Ÿ” Bias in machine learning refers to the difference between a model's average prediction and the correct value, while Variance measures the fluctuation in the model's output, with lower values being preferable for both.
  • ๐Ÿ‘ฅ Clustering is an unsupervised learning technique that groups similar data points together based on features and properties, with algorithms like K-Means and Mean Shift Clustering being commonly used.
  • ๐Ÿ“Š Linear Regression is a supervised learning algorithm that models the linear relationship between dependent and independent variables for predictive analysis.
  • ๐ŸŒณ Decision Trees are a hierarchical model used to map out decisions and actions, helping to predict outcomes based on a sequence of choices.
  • ๐Ÿ”ง Overfitting occurs when a model learns the training data too well, including its noise and outliers, which can be mitigated by techniques like cross-validation.
  • โœ‚๏ธ Hypothesis Testing in machine learning involves using a dataset to approximate an unknown target function that maps inputs to outputs effectively.
  • ๐Ÿท๏ธ Supervised Learning uses labeled data to train models that can predict outcomes, while Unsupervised Learning works with unlabeled data to discover underlying structures and patterns.
  • ๐Ÿ“š The Bayes' Theorem is fundamental in machine learning, particularly for Bayesian Belief Networks and Naive Bayes classifiers, providing a way to calculate conditional probabilities.
  • ๐Ÿ“‰ Principal Component Analysis (PCA) is a technique used to reduce the dimensions of multi-dimensional data by keeping only the most relevant dimensions, helping with data visualization and analysis.
  • ๐Ÿ›ก๏ธ Support Vector Machines (SVM) are used for classification tasks and work by finding the hyperplane that best separates data into different classes.
  • ๐Ÿ”„ Cross-Validation is a technique to ensure that a machine learning model generalizes well to an independent dataset, involving methods like hold-out, k-fold, and leave-one-out.
  • ๐Ÿ—‚๏ธ Entropy measures the randomness or unpredictability in data, with higher entropy indicating more difficulty in drawing conclusions from the data.
  • ๐Ÿ”„ Epoch refers to a complete pass through the entire training dataset in machine learning, with the number of epochs affecting the model's training.
  • ๐Ÿ”„ Variance Inflation Factor (VIF) is used to estimate the amount of multicollinearity in regression variables, helping to identify and manage it.
  • ๐Ÿ”ข Confusion Matrix is a tool used to evaluate the performance of classification models by summarizing the counts of correct and incorrect predictions.
  • ๐Ÿšซ Type 1 and Type 2 errors refer to False Positives and False Negatives respectively, which are critical to understand when evaluating the accuracy of predictive models.
  • ๐Ÿ  The choice between using Classification or Regression depends on the nature of the prediction task, with regression used for numerical predictions and classification for categorical outcomes.
  • ๐Ÿ“ˆ Logistic Regression is used for binary or categorical dependent variables, predicting the probability of an event occurring.
  • ๐Ÿงฉ Handling Missing Values in datasets can be done using methods like detecting with `isnull()`, removing with `dropna()`, or filling with placeholder values using `fillna()` in Python's pandas library.

Q & A

  • What is the average salary of a machine learning engineer in the United States according to the video?

    -According to the video, the average salary of a machine learning engineer in the United States is around $112,742 per year.

  • How much does a machine learning engineer typically earn in India per year?

    -The video states that the average salary of a machine learning engineer in India is around 9 LPA (Lakhs per Annum) per year.

  • What is the relationship between machine learning, artificial intelligence, and deep learning?

    -As explained in the video, deep learning is a subset of machine learning, and machine learning is a subset of artificial intelligence. These technologies are interrelated but distinct, with overlapping terms and techniques.

  • What is the difference between bias and variance in machine learning?

    -Bias in machine learning is the difference between the average prediction of a model and the correct value, while variance is the difference of predictions over a training set and anticipated value of another training set. High bias can lead to inaccurate predictions, and high variance can lead to large fluctuations in the output.

  • Can you explain what clustering is in the context of machine learning?

    -Clustering, as mentioned in the video, is an unsupervised learning technique used for grouping data points with similar features and properties into distinct categories. Algorithms like k-means and mean shift clustering help in classifying data points into their respective groups.

  • What is linear regression and how is it used in machine learning?

    -Linear regression is a supervised machine learning algorithm used to find the linear relationship between dependent and independent variables for predictive analysis. It is represented by the equation y = a + b * x, where 'a' is the intercept, 'b' is the coefficient, 'x' is the independent variable, and 'y' is the dependent variable.

  • What is a decision tree in machine learning and how does it work?

    -A decision tree in machine learning is a hierarchical diagram used to explain a sequence of actions that must be performed to get a desired output. It helps in making decisions by breaking down a complex problem into simpler steps based on a set of conditions.

  • What is overfitting in machine learning and how can it be avoided?

    -Overfitting occurs when a machine learning model learns the training data too well, including its noise and outliers, leading to poor generalization on new data. It can be avoided by using techniques like cross-validation, which divides the data set into training and testing subsets to ensure the model performs well on unseen data.

  • What is hypothesis testing in machine learning and what is its purpose?

    -Hypothesis testing in machine learning involves using a dataset to understand a specific function that maps inputs to outputs in the best possible way, known as function approximation. The goal is to find a model that approximates the target function and performs necessary input-output mappings.

  • What is the main difference between supervised and unsupervised learning in machine learning?

    -Supervised learning uses labeled data to train the model, providing both input and output data, with the aim of predicting outputs for new data. Unsupervised learning, on the other hand, uses unlabeled data to identify hidden trends without any feedback, aiming to extract information from unknown datasets.

  • What is the purpose of Principal Component Analysis (PCA) in machine learning?

    -PCA is used in machine learning to reduce the dimensions of multi-dimensional data by removing irrelevant dimensions and keeping only the most relevant ones. It finds a new set of uncorrelated dimensions or orthogonal dimensions and ranks them based on variance.

  • What is a Support Vector Machine (SVM) and how is it used in machine learning?

    -A Support Vector Machine (SVM) is a machine learning algorithm primarily used for classification tasks. It operates on high-dimensional feature spaces and is designed to find the optimal hyperplane that separates data points into different classes.

  • What are the different techniques of cross-validation in machine learning?

    -The video mentions several cross-validation techniques: hold-out method, k-fold cross-validation, stratified k-fold cross-validation, and leave-p-out cross-validation. These methods help in evaluating the performance of a machine learning model by using different subsets of the data for training and testing.

  • What does entropy measure in the context of machine learning?

    -In machine learning, entropy measures the randomness or unpredictability in the data. The higher the entropy, the more difficult it is to draw useful conclusions from the data, as it indicates a higher level of disorder or randomness.

  • What is an Epoch in machine learning and how is it related to training a model?

    -An Epoch in machine learning refers to a complete pass through the entire training dataset. It indicates the number of times the training process has worked through the entire dataset. The relationship between epochs, dataset size, iterations, and batch size can be understood through the formula D * E = I * B, where D is the dataset, E is the number of epochs, I is the number of iterations, and B is the batch size.

  • What is a confusion matrix and how does it help in evaluating a classification model?

    -A confusion matrix is a tool used to evaluate the performance of a classification model by summarizing the predictions and comparing them with the actual outcomes. It provides counts of correct and incorrect predictions and helps identify the uncertainty between classes, contributing to the calculation of accuracy and other performance metrics.

  • What are Type 1 and Type 2 errors in the context of testing and evaluation?

    -Type 1 error, also known as a false positive, occurs when a test incorrectly indicates that a condition is present when it is not. Type 2 error, or false negative, happens when a test fails to detect a condition that is actually present. These errors are important considerations in the evaluation and interpretation of test results.

  • When should classification be used over regression in predictive modeling?

    -Classification should be used over regression when the task involves predicting categorical or discrete outcomes, such as determining whether an event belongs to a specific category. Regression, on the other hand, is used for predicting continuous numerical values, like the price of a house.

  • What is logistic regression and how is it different from linear regression?

    -Logistic regression is a type of regression analysis used when the dependent variable is categorical or binary. Unlike linear regression, which predicts continuous outcomes, logistic regression is used to predict the probability of a certain class or event occurring and is particularly useful for binary classification tasks.

  • How can missing values in a dataset be handled using Python's pandas library?

    -In Python's pandas library, missing values can be handled using functions like 'isnull()' to detect missing values, 'dropna()' to remove rows or columns with null values, and 'fillna()' to fill missing values with placeholder values or statistics like mean or median.

Outlines

00:00

๐ŸŒŸ Introduction to Machine Learning Interview Questions

The video begins with an introduction to machine learning as an exciting field that enables computers to learn from data and make decisions without explicit programming. It highlights the popularity and high demand for machine learning engineers across various industries and mentions average salaries in the United States and India. The video then invites viewers to subscribe and prepare for a series of interview questions starting with the basic definitions of machine learning, artificial intelligence, and deep learning, emphasizing their differences and relationships.

05:02

๐Ÿ“š Understanding Bias and Variance in Machine Learning

This section delves into the concepts of bias and variance in machine learning. Bias refers to the difference between a model's average predictions and the correct value, with a lower bias indicating more accurate predictions. Variance is the difference between predictions over a training set and the expected value from other training sets, with a lower variance desired to avoid large fluctuations in output. The video explains the trade-off between bias and variance and provides a visual representation to help viewers understand the balance needed for optimal model performance.

10:03

๐Ÿค– Clustering Techniques in Machine Learning

The script explains clustering as an unsupervised learning technique that groups similar data points together. It introduces k-means clustering as a common algorithm used to find hidden patterns in data and classify it into groups based on feature similarity. The mean shift clustering is also mentioned, which differs from k-means by automatically discovering the number of clusters without pre-specifying it. The video aims to provide a brief understanding of clustering algorithms and their applications in machine learning.

15:04

๐Ÿ“ˆ Linear Regression and Decision Trees in Machine Learning

The video discusses linear regression, a supervised learning algorithm used to find linear relationships between dependent and independent variables for predictive analysis. It uses the equation y = a + b*x to illustrate this relationship and explains the process of finding the best fit line by adjusting coefficients. The decision tree is also introduced as a hierarchical diagram that represents a sequence of actions to achieve a desired output, using an example of driving with or without a license to demonstrate its application in machine learning.

20:06

๐Ÿ” Overfitting, Hypothesis Testing, and Learning Types

This part of the video addresses the issue of overfitting, which occurs when a model learns from an inadequate dataset, and how it can be mitigated using cross-validation techniques. Hypothesis testing is introduced as a method to understand the function that maps inputs to outputs, with the model approximating this function. The difference between supervised and unsupervised learning is also explained, with supervised learning using labeled data for training and unsupervised learning identifying hidden trends in unlabeled data.

๐Ÿ“Š Principal Component Analysis (PCA) and Support Vector Machines (SVM)

The script introduces principal component analysis (PCA) as a method to reduce the dimensions of multi-dimensional data by removing irrelevant dimensions and keeping the most relevant ones, which is essential for data visualization and analysis. Support vector machines (SVM) are then discussed as a classification algorithm used in high-dimensional spaces, highlighting their role in machine learning for classification tasks.

๐Ÿ”„ Cross-Validation and Entropy in Machine Learning

Cross-validation is explained as a technique to enhance the performance of a machine learning algorithm by breaking the dataset into smaller parts for training and testing. Various cross-validation techniques are mentioned, including hold-out method, k-fold cross-validation, and others. Entropy is introduced as a measure of randomness in data, with higher entropy indicating more difficulty in drawing conclusions from the data.

๐Ÿ”ข Epoch, Variance Inflation Factor, and Confusion Matrix

The concept of an epoch in machine learning is defined as the count of passes over a training dataset, with the relationship between epochs, iterations, and batch size explained through a formula. The variance inflation factor is introduced as an estimate of multicollinearity in regression variables. The confusion matrix is also discussed as a tool to evaluate the performance of classification models by providing a summary of correct and incorrect predictions.

๐Ÿšซ Type 1 and Type 2 Errors, and Choosing Between Classification and Regression

The video clarifies type 1 and type 2 errors, with type 1 being a false positive and type 2 being a false negative, using examples to illustrate each. It also discusses when to use classification over regression, explaining that classification is for identifying groups while regression is for predicting numerical outcomes, with examples provided to distinguish between the two.

๐Ÿงฎ Logistic Regression and Handling Missing Values

Logistic regression is introduced as a method for predictive analysis when the dependent variable is categorical or binary, used to predict probabilities of categorical outcomes. The video provides examples of its application, such as predicting seniority or disease presence. The final topic is handling missing values in a dataset using Python's pandas library, with methods like 'isnull' for detection, 'dropna' for removal, and 'fillna' for replacing missing values.

Mindmap

Keywords

๐Ÿ’กMachine Learning

Machine learning involves developing algorithms and statistical models that enable computers to learn from data and make predictions or decisions without being explicitly programmed. It is increasingly popular in industries such as finance, healthcare, and e-commerce. The video introduces machine learning as a core topic, explaining its importance and applications.

๐Ÿ’กArtificial Intelligence

Artificial intelligence (AI) uses machine learning and deep learning techniques to enable computer systems to perform tasks that normally require human intelligence, such as reasoning, learning, and self-correction. The video explains AI as a broader field that encompasses machine learning and highlights its ability to perform tasks using human-like intelligence.

๐Ÿ’กDeep Learning

Deep learning is a subset of machine learning that involves neural networks with many layers. It enables software to learn from vast amounts of data and perform complex tasks like image and speech recognition. The video differentiates deep learning from machine learning and AI, describing its use of multi-layered neural networks.

๐Ÿ’กBias

Bias in machine learning is the difference between the average prediction of a model and the correct value. High bias indicates that the model's predictions are not accurate. The video explains that bias should be minimized to improve the accuracy of machine learning models.

๐Ÿ’กVariance

Variance measures the variability of model predictions for different training sets. High variance can lead to large fluctuations in the model's output, making it less reliable. The video discusses the trade-off between bias and variance and the importance of achieving a balance to avoid overfitting.

๐Ÿ’กClustering

Clustering is an unsupervised learning technique used to group data points with similar features into clusters. Examples include k-means clustering and mean-shift clustering. The video describes clustering as a method to classify data points into groups based on their properties.

๐Ÿ’กLinear Regression

Linear regression is a supervised machine learning algorithm used to find the linear relationship between dependent and independent variables for predictive analysis. The video explains the equation of linear regression and its application in predicting outcomes based on input data.

๐Ÿ’กDecision Tree

A decision tree is a hierarchical diagram used to explain a sequence of actions to achieve a desired outcome. It is a popular algorithm in machine learning for making decisions based on data. The video illustrates how decision trees work and their role in machine learning.

๐Ÿ’กOverfitting

Overfitting occurs when a machine learning model learns from an inadequate data set, leading to poor generalization to new data. The video explains how overfitting can be avoided using cross-validation, where the data set is divided into training and testing subsets.

๐Ÿ’กHypothesis Testing

Hypothesis testing in machine learning involves using data to determine if a specific hypothesis about a target function is true. The video explains that hypothesis testing helps in approximating the target function and performing necessary input-to-output mappings.

๐Ÿ’กSupervised Learning

Supervised learning uses labeled data to train models, which receive direct feedback to improve their predictions. The video contrasts supervised learning with unsupervised learning, emphasizing the use of input-output pairs to train models.

๐Ÿ’กUnsupervised Learning

Unsupervised learning uses unlabeled data to identify hidden patterns without direct feedback. The video explains that unsupervised learning aims to extract information from unknown data sets and can result in less accurate outcomes compared to supervised learning.

๐Ÿ’กPCA (Principal Component Analysis)

PCA is a technique used to reduce the dimensionality of data by keeping only the most relevant dimensions. The video describes PCA as a method to simplify data visualization and analysis by focusing on the dimensions with the most variance.

๐Ÿ’กSVM (Support Vector Machine)

SVM is a machine learning algorithm used primarily for classification tasks. It works by finding the hyperplane that best separates different classes in high-dimensional space. The video highlights SVM's role in classification problems.

๐Ÿ’กCross-Validation

Cross-validation is a technique to evaluate the performance of a machine learning model by splitting the data into training and testing sets. The video discusses various cross-validation methods, such as k-fold and stratified k-fold, to ensure robust model evaluation.

๐Ÿ’กEntropy

Entropy measures the randomness in a data set. In machine learning, higher entropy indicates more unpredictability in the data, making it harder to draw conclusions. The video uses the example of coin flipping to illustrate the concept of entropy.

๐Ÿ’กEpoch

An epoch in machine learning refers to one complete pass through the entire training data set. The video explains how epochs relate to iterations and batch size in the training process of machine learning models.

๐Ÿ’กVariance Inflation Factor (VIF)

VIF measures the level of multicollinearity in regression variables. High VIF indicates that the independent variables are highly correlated, which can affect the model's performance. The video briefly introduces VIF as an important metric in regression analysis.

๐Ÿ’กConfusion Matrix

A confusion matrix is a tool used to evaluate the performance of classification models by comparing the predicted and actual values. The video describes how the confusion matrix provides a summary of prediction accuracy and error types.

๐Ÿ’กType 1 and Type 2 Errors

Type 1 error (false positive) occurs when a test incorrectly rejects a true condition, while Type 2 error (false negative) occurs when a test incorrectly accepts a false condition. The video provides examples of these errors in the context of medical diagnoses.

๐Ÿ’กLogistic Regression

Logistic regression is used for predictive analysis when the dependent variable is categorical or binary. The video explains how logistic regression models the probability of a binary outcome and provides examples of its application.

๐Ÿ’กHandling Missing Values

Handling missing values in data sets can be done using methods like isnull(), dropna(), and fillna() in Python pandas. The video explains these methods for detecting and managing missing data to ensure data quality.

Highlights

Machine learning is an exciting field involving algorithms and statistical models that enable computers to learn from data.

Machine learning is popular in various industries such as Finance, Healthcare, and e-commerce.

The average salary of a machine learning engineer in the United States is around $112,742 per year.

In India, the average salary for a machine learning engineer is approximately 9 LPA per year.

Machine learning, artificial intelligence, and deep learning are distinct yet interrelated technologies.

Deep learning is a subset of machine learning, which in turn is a subset of artificial intelligence.

Bias in machine learning refers to the difference between a model's average prediction and the correct value.

Variance in machine learning is the difference of predictions over a training set and anticipated value of other training sets.

Clustering is an unsupervised learning technique used for grouping similar data points.

K-means clustering is a popular algorithm for finding hidden patterns in data and classifying it into various groups.

Linear regression is a supervised machine learning algorithm used to find the linear relationship between variables for predictive analysis.

Decision trees are used to explain a sequence of actions that must be performed to get the desired output.

Overfitting occurs when a machine learning model learns from an inadequate dataset.

Hypothesis testing in machine learning involves using a dataset to understand a specific function that maps input to output.

Supervised learning uses labeled data to train models and confirm the correctness of predictions.

Unsupervised learning uses unlabeled data to identify hidden trends without feedback.

Bias theorem provides the probability of an event occurring using prior knowledge.

Principal Component Analysis (PCA) is used to reduce the dimension of data by keeping only the most relevant dimensions.

Support Vector Machines (SVM) are used for classification on high dimensionality of characteristic vectors.

Cross-validation is used to increase the performance of a machine learning algorithm by using sample data.

Entropy in machine learning measures the randomness in data, affecting the ease of drawing conclusions.

An Epoch in machine learning indicates the count of passes in a training dataset by the algorithm.

Variance Inflation Factor (VIF) estimates the volume of multi-collinearity in regression variables.

A confusion matrix is used to explain a model's performance and summarize predictions of classification problems.

Type 1 error (false positive) and Type 2 error (false negative) are significant concepts in understanding test outcomes.

Classification should be used over regression when predicting categorical outcomes, while regression is for numerical predictions.

Logistic regression is used for binary or categorical dependent variables and predicts probabilities of outcomes.

Handling missing values in a dataset can be done using methods like isnull, dropna, and fillna in Python pandas.

Transcripts

play00:00

[Music]

play00:02

hello everyone and welcome to today's

play00:04

video on machine learning interview

play00:06

questions on intellipart

play00:08

do you know friends that machine

play00:10

learning is an exciting field that

play00:12

involves developing algorithms and

play00:14

statistical models that enables

play00:16

computers to learn from data and make

play00:18

predictions or decisions without being

play00:20

explicitly programmed machine learning

play00:23

is becoming increasingly popular in wide

play00:25

range of Industries including Finance

play00:28

Healthcare and e-commerce

play00:30

according to the pay scale the average

play00:32

salary of a machine learning engineer in

play00:34

the United States is around 112 742

play00:37

dollars per year while going upwards

play00:40

it's around 160 000 per year in India

play00:44

the average salary of a machine learning

play00:46

engineer is around 9 LPA per year

play00:49

so without further Ado let's dig dive

play00:52

and discuss our interview questions but

play00:54

before that do not forget to hit the

play00:56

Subscribe button and click the Bell icon

play01:01

so let's start with machine learning

play01:03

interview question here is your first

play01:05

question it is a kind of pretty basic

play01:07

question and the question is explain

play01:09

machine learning artificial intelligence

play01:12

and deep learning

play01:13

it is very common to get confused

play01:16

between the three in-demand Technologies

play01:18

which are machine learning artificial

play01:20

intelligence and deep learning these

play01:23

three Technologies throw a little

play01:24

different from one another but are

play01:26

quietly interrelated while deep learning

play01:29

is a subset of machine learning machine

play01:31

learning is a subset of artificial

play01:33

intelligence some terms and techniques

play01:36

May overlap in these Technologies and it

play01:38

is quite easy to get confused among them

play01:41

so let's learn about these Technologies

play01:43

if I talk about machine learning machine

play01:46

learning involves various statisticals

play01:48

and deep learning techniques that allows

play01:50

machines to use their past experiences

play01:53

and get better at performing specific

play01:55

tasks without having been to be

play01:57

monitored if I talk about artificial

play02:00

intelligence artificial intelligence

play02:02

uses numerous machine learning and deep

play02:04

learning techniques that enable computer

play02:06

systems to perform tasks using

play02:09

human-like intelligence with logic and

play02:11

rules

play02:12

if I talk about deep learning then deep

play02:15

learning comprises of several algorithms

play02:17

that enable softwares to learn from

play02:20

themselves and perform various business

play02:22

tasks including image and speech

play02:24

recognition deep learning is a possible

play02:27

when systems expose their multi-layered

play02:30

neural networks to a large volume of

play02:32

data

play02:33

I hope so guys you would have got brief

play02:35

idea regarding machine learning

play02:37

artificial intelligence and deep

play02:39

learning

play02:40

so our next question is what is the

play02:42

difference between bias and variance in

play02:45

machine learning

play02:46

the answer to the same question is that

play02:49

bias is a difference between the average

play02:51

prediction of a model and the correct

play02:54

value of the model if the bias value is

play02:56

high the prediction of the model is not

play02:59

accurate hence the bias value should be

play03:01

as low as possible to make the desired

play03:04

predictions if I talk about the variance

play03:07

variance is a number that gives a

play03:09

difference of predictions over a

play03:11

training set and anticipated value of

play03:13

another training sets High variance may

play03:16

lead to large fluctuations in the output

play03:18

therefore a model's output should have a

play03:21

low variance if you could see in a

play03:23

diagram you could see the following

play03:25

trade-off so here is a bias and variance

play03:27

trade-off here is a desired result in

play03:30

the blue circle at the center if you get

play03:32

off from the blue section then the

play03:34

prediction goes on wrong I hope so guys

play03:37

you would have got a brief idea

play03:38

regarding the difference between bias

play03:40

and variance in the machine learning now

play03:43

let's move on to our next question

play03:46

our next question is what is clustering

play03:49

in machine learning

play03:51

if I talk about clustering clustering is

play03:53

a technique which is used in

play03:55

unsupervised learning that involves

play03:57

grouping data points the clustering

play03:59

algorithms can be used with a set of

play04:02

data points this technique will allow

play04:04

you to classify all the data points into

play04:07

their particular groups the data points

play04:09

that are thrown into the same category

play04:11

have similar features and properties

play04:13

while the data points that belong to a

play04:16

different group have distinct features

play04:17

and properties statistical data analysis

play04:20

can be performed by this method let us

play04:23

take at some of the examples some of the

play04:25

examples can be k-means clustering if I

play04:28

talk about the k-means clustering this

play04:30

algorithm will be commonly used when

play04:32

there is a data with no specific group

play04:34

or category K means clustering allows

play04:38

you to find the hidden patterns in the

play04:40

data which can be used to classify the

play04:42

data into the various groups the

play04:44

variable key is used to represent the

play04:46

number of groups the data is divided

play04:48

into and the data points are clustered

play04:51

using the similarity of features here

play04:53

the centroids of the Clusters are used

play04:56

for labeling new data another clustering

play04:59

algorithm can be mean shaped clustering

play05:01

if I talk about the mean shift

play05:04

clustering the mean name of this

play05:05

algorithm will be to update the center

play05:07

point and the candidates to be mean and

play05:10

find the center points of all the groups

play05:12

in mean shift clustering unlike k-means

play05:15

clustering the possible number of

play05:17

clusters need not to be selected as it

play05:19

can be automatically be discovered by

play05:21

the mean shift so here are some of the

play05:23

examples of the clustering algorithms I

play05:25

hope so guys you would have got a brief

play05:27

idea regarding what is clustering in

play05:29

machine learning now let's move on and

play05:32

discuss our next question

play05:34

which is what is linear regression in

play05:37

machine learning this is the most

play05:39

popular questions which is asked in the

play05:41

machine learning interview now let's

play05:43

discuss the answer of the same

play05:45

layer regression is a supervised machine

play05:48

learning algorithm which is used to find

play05:50

the linear relationship between the

play05:52

dependent and the independent variables

play05:54

for predictive analysis

play05:56

here the equation can be consider y

play05:59

equals to A plus b dot X where X is the

play06:02

input or the independent variable where

play06:04

Y is the output or a dependent variable

play06:06

and a is the intercept and B is the

play06:09

coefficient of x you can see here the

play06:11

diagram with best fit shows that the

play06:14

data of the weight y or a dependent

play06:16

variable and the heter of the X of the

play06:18

independent variable

play06:20

here the straight line shows that the

play06:22

best linear relationship that would help

play06:25

in predicting the weight of the

play06:26

candidates according to their height to

play06:29

get this best fit line the best values

play06:31

of A and B should be found by adjusting

play06:34

the values of A and B the errors in the

play06:36

prediction of Y can be reduced this is

play06:39

how the linear regression helps in

play06:41

finding the linear relationship and

play06:43

predicting the output I hope so guys you

play06:46

would have got a brief idea regarding

play06:47

what is linear regression in machine

play06:49

learning now let's move forward and

play06:52

discuss our next question

play06:54

our next question is what is decision

play06:57

Tree in machine learning if I talk about

play07:00

the decision tree a decision tree is

play07:02

used to explain a sequence of actions

play07:04

that must be performed to get the

play07:06

desired output it is a hierarchical

play07:08

diagram that shows the action this

play07:11

algorithm can be created for a decision

play07:13

Tree on the basis of the set of

play07:15

hierarchy of actions in the above

play07:18

decision tree diagram a sequence of

play07:20

actions has been made for driving a

play07:22

vehicle with or without license so you

play07:25

can see how the decision tree algorithm

play07:27

works in the machine learning domain I

play07:29

hope so guys you would have got a brief

play07:31

idea regarding what is decision Tree in

play07:33

machine learning now let's move forward

play07:36

and discuss our next question

play07:38

our next question is what is overfitting

play07:41

in machine learning

play07:42

actually overfitting happens when a

play07:45

machine learning has an inadequate data

play07:47

set and tries to learn from it so

play07:50

overfitting is inversely proportional to

play07:52

the amount of data for small databases

play07:54

overfitting can be bypassed by the cross

play07:57

validation method in this approach a

play07:59

data set is divided into two sections

play08:01

these two sections will comprise the

play08:04

testing and training data set to train

play08:07

the model the training data set is used

play08:09

and for testing of the model for new

play08:11

inputs the testing data set is used this

play08:14

is how we can avoid the overfitting I

play08:17

hope so guys you would have got a brief

play08:18

idea regarding what is overfitting in

play08:20

machine learning now let's move forward

play08:22

and discuss our next question

play08:25

our next question is what is hypothesis

play08:28

testing if I talk about the hypothesis

play08:31

testing machine learning allows the use

play08:33

of available data set to understand a

play08:36

specific function that Maps the input to

play08:38

the output in the best possible way this

play08:41

problem is known as a function

play08:43

approximation here the approximation

play08:45

need to be used for the unknown Target

play08:47

function that maps all plausible

play08:49

observations based on a given problem in

play08:52

the best manner hypothesis in machine

play08:54

learning is a model that helps in

play08:56

approximating the Target function and

play08:59

Performing the necessary input to Output

play09:01

mappings the choice and configuration of

play09:04

algorithms allow defining the space of

play09:06

the plausible hypothesis that may be

play09:08

represented by the model in hypothesis

play09:11

the lower Edge is used for a specific

play09:13

hypothesis where the uppercase Edge or

play09:16

the Capital Edge is used for hypothesis

play09:18

space that is being searched so this is

play09:21

what exactly the hypothesis testing is I

play09:24

hope so guys you would have got a fair

play09:26

idea regarding what exactly is

play09:28

hypothesis testing now let's move

play09:31

forward and discuss our next question

play09:33

so the next question is what is the

play09:36

difference between supervised and

play09:37

unsupervised learning if I talk about

play09:40

the supervised learning the algorithms

play09:42

of the supervised learnings used the

play09:44

label data to get trained the model

play09:47

takes the direct feedback to confirm

play09:49

with the output that is being predicted

play09:51

is indeed correct moreover both the

play09:54

input data and the output data are

play09:56

provided to the model and the main aim

play09:58

here is to train the model to predict

play10:00

the output upon receiving the new data

play10:03

supervoice learning offers accurate

play10:05

results and can largely be divided into

play10:07

two parts which is classification and

play10:09

regression if I talk about the

play10:12

unsupervised learning the algorithms of

play10:14

the unsupervised learning use unlabeled

play10:16

data for training purposes in

play10:19

unsupervised learning the models

play10:21

identify hidden data Trends and do not

play10:23

take any feedback the unsupervised

play10:25

learning model is only provided with

play10:27

input data unsupervised learnings main

play10:30

aim is to identify hidden patterns to

play10:33

extract information from the unknown

play10:35

sets of data it can also be classified

play10:37

into two parts which is clustering and

play10:40

Association unfortunately unsupervised

play10:43

learnings can offer results that are

play10:45

comparatively less accurate I hope so

play10:48

guys you would have got a brief idea

play10:49

regarding what is the difference between

play10:51

supervised and unsupervised learning now

play10:55

let's move on and discuss our next

play10:57

question

play10:58

so our next question is what is bias

play11:01

theorem if I talk about the bias theorem

play11:04

bias theorem offers the probability of

play11:06

Any Given amount to occur using the

play11:09

prior knowledge in mathematical terms it

play11:11

can be defined as a true positive rate

play11:14

of the given sample conditions divided

play11:16

by the sum of the true positive rate of

play11:19

the set conditions and false positive

play11:21

rate of the entire population

play11:23

two of the most significant applications

play11:25

of bias theorem in machine learning are

play11:28

and byzene belief networks this theorem

play11:31

is also the foundation behind the

play11:33

machine learning brand that involves

play11:35

need bias classifier so as you can see

play11:37

the formula here P of a by b equals to P

play11:41

of B by a DOT p a divided by PB where P

play11:45

of a by B is a probability of occurring

play11:48

B given the evidence B has already

play11:50

occurred where P of B by a is equals to

play11:53

probability of B occurring given the

play11:56

evidence a has already occurred here PA

play11:59

is a probability of a occurring and PB

play12:01

is a probability of B occurring I hope

play12:04

so guys you would have got the idea

play12:06

regarding what is bias theorem now let's

play12:09

move on and discuss our next question

play12:12

so our next question is what is PCA in

play12:15

machine learning

play12:16

if I talk about the multi-dimensional

play12:18

data it plays an important role in the

play12:21

real world data visualization and

play12:23

computations become more challenging

play12:25

with increase in the dimension in such

play12:28

scenarios the dimension of data might

play12:30

have to be reduced to analyze and

play12:32

visualize it easily this is done by

play12:35

removing irrelevant dimensions and

play12:37

keeping only the most relevant Dimension

play12:39

this is where the principal component

play12:41

analysis is used the goal of the PCA is

play12:44

to find a fresh collection of

play12:46

uncorrelated Dimension or orthogonal and

play12:49

rank them on the basis of variance

play12:51

which defines the process of PCA in

play12:54

machine learning I hope so guys you

play12:56

would have got a brief idea regarding

play12:58

what is PCA in machine learning now

play13:01

let's move on and discuss our next

play13:03

question

play13:04

our next question is what is svm in

play13:07

machine learning if I talk about svm or

play13:10

support Vector machines it is a machine

play13:12

learning algorithm that is majorly used

play13:14

for classification it is used on the top

play13:17

of the high dimensionality of the

play13:19

characteristic vector which basically

play13:22

defines what svm is in machine learning

play13:24

I hope so guys you would have got a fair

play13:26

idea what are support Vector machines in

play13:29

machine learning now let's move on and

play13:31

discuss our next question

play13:33

so next question is what is cross

play13:35

validation in machine learning if I talk

play13:38

about the cross validation cross

play13:40

validation allows a system to increase

play13:42

the performance of a given machine

play13:44

learning algorithm which is fed a number

play13:47

of sample data from the data set this

play13:49

sampling process is done to break the

play13:51

data set into smaller parts that have

play13:54

the same number of rows out of which a

play13:56

random part is selected as a test set

play13:58

and rest of the parts are kept as a

play14:01

train sets cross validation consists of

play14:03

the following techniques which can be

play14:05

hold out method k-fold cross validation

play14:08

stratified k-fold cross-validation and

play14:11

leave P out cross validation I hope so

play14:14

guys you would have got a fair idea

play14:15

regarding what is cross validation in

play14:17

machine learning

play14:19

our next question is what is entropy in

play14:22

machine learning the answer to the same

play14:24

question is entropy in machine learning

play14:26

measures the randomness in the data that

play14:29

needs to be processed the more entropy

play14:32

in the given data the more difficult it

play14:34

becomes to draw any useful conclusion

play14:36

from the data for example let us take

play14:39

the flipping of a coin the result of

play14:41

this act is random and it does not favor

play14:43

heads or tails here the result of any

play14:46

number of tosses cannot be predicted

play14:48

easily as there is no definite

play14:50

relationship between the action of

play14:52

flipping and the possible outcomes I

play14:55

hope so guys you would have got a brief

play14:56

idea regarding entropy in machine

play14:58

learning now let's move forward and

play15:01

discuss our next question our next

play15:03

question is what is Epoch in machine

play15:06

learning

play15:07

if I talk about Epoch in machine

play15:09

learning which is basically used to

play15:11

indicate the count of passes in a given

play15:13

training data set where the machine

play15:15

learning algorithm has done its job

play15:17

generally when there is last chunk of

play15:19

data it is grouped into several batches

play15:22

and all these batches go through the

play15:24

given model and this process is referred

play15:26

to as iteration

play15:28

now if the batch size comprises the

play15:30

complete training data set the count of

play15:33

iteration is same as that of epochs in a

play15:36

case there is more than one batch which

play15:38

is equals to D dot E equals to I star B

play15:41

which is a Formula where D is a data set

play15:43

and E is the number of epochs and I is

play15:46

the number of iterations and B is the

play15:48

batch size so you can remember d dot E

play15:51

equals to I dot b where D is a data set

play15:54

e is the number of epochs and I is the

play15:56

number of iteration and where b equals

play15:58

to batch size so this equation generally

play16:01

defines the relationship between Epoch

play16:04

data set iteration and number of batches

play16:07

I hope so guys you would have got a fair

play16:09

idea regarding what is Epoch in machine

play16:11

learning now let's move on and discuss

play16:14

our next question

play16:16

our next question is what is the

play16:18

variance inflation Factor the various

play16:21

inflation factor is the estimate of the

play16:23

volume of multi-collinearity in a

play16:25

collection of many regression variables

play16:28

where vif equals to variance of the

play16:30

model divided by variance of the model

play16:32

with single independent variable

play16:35

that's it for variance inflation factor

play16:37

I also guys you would have got a brief

play16:39

idea regarding what is variation

play16:41

inflation factor and it is one of the

play16:43

most important questions which can be

play16:45

asked in a machine learning interview

play16:47

now let's move on and discuss our next

play16:50

question

play16:52

so our next question is what is a

play16:54

confusion Matrix if I talk about the

play16:56

confusion metric it is used to explain

play16:58

modern's performance and gives the

play17:00

summary of predictions of classification

play17:02

problems it assists in identifying the

play17:06

uncertainty between classes confusion

play17:08

Matrix gives the count of correct and

play17:11

incorrect values and error types

play17:13

according to the model where you can see

play17:15

accuracy is defined as TP plus TN

play17:18

divided by TP plus TN plus FP plus FL

play17:22

I hope so guys you would have got a fair

play17:24

idea regarding what is confusion Matrix

play17:27

now let's move on and discuss our next

play17:29

question so our next question is what is

play17:32

the type 1 and type 2 error type 1 error

play17:35

is false positive is an error where the

play17:38

outcome of a test shows the

play17:40

non-acceptance of a true condition for

play17:42

example suppose a person gets diagnosed

play17:45

with depression even when they are not

play17:47

suffering from the same it is a case of

play17:49

false positive if I talk about the type

play17:52

2 error type 2 error or false negative

play17:54

is an error where the outcome of a test

play17:57

shows the acceptance of a false

play17:59

condition for example the CT scan of a

play18:02

person shows that they do not have a

play18:04

disease but in fact they do have a

play18:06

disease here the test accepts the false

play18:08

condition that the person does not have

play18:11

the disease this is a case of false

play18:13

negative I hope so guys you would have

play18:15

got the idea regarding what are type 1

play18:17

and type 2 error

play18:19

now let's move on and discuss our next

play18:22

question

play18:23

so our next question is when should

play18:25

classification be used over regression

play18:27

both classification and regression are

play18:30

associated with prediction

play18:32

classification involves the

play18:34

identification of values or entities

play18:36

that lie in a specific group regression

play18:39

entails predicting a response value from

play18:42

the consecutive set of outcomes for

play18:44

example if you want to predict the price

play18:46

of a house you should use regression

play18:49

since it is a numerical variable however

play18:52

if you are trying to predict whether the

play18:54

house situated in a particular area is

play18:56

going to be high medium or low price

play18:58

then the classification model should be

play19:00

used

play19:01

I hope so guys you would have got a fair

play19:03

idea that when should you use

play19:05

classification over regression now let's

play19:07

move forward and discuss our next

play19:09

question

play19:10

so next question is explain logistic

play19:13

regression

play19:15

is also one of the most asked question

play19:17

in a machine learning interview

play19:19

so logistic regression is a proper

play19:22

regression analysis when the dependent

play19:24

variable is categorial or binary like

play19:27

all regression analysis logistic

play19:29

regression is a technique for predictive

play19:32

analysis logistic regression is used to

play19:34

explain data and a relationship between

play19:37

one dependent binary variable or one or

play19:39

more independent variable logistic

play19:42

regression is also employed to predict

play19:44

the probability of categorial dependent

play19:46

variables logistic regressions can be

play19:49

used in the following scenarios so here

play19:52

are some of the examples such as to

play19:54

predict whether a citizen is senior or

play19:56

not or to check whether a person has a

play19:59

disease or not

play20:00

I hope so guys you will have got a fair

play20:02

idea what exactly is logistic regression

play20:05

now let's move on and discuss our next

play20:08

question

play20:09

so our final question is how do I handle

play20:12

missing values in a data set so if I

play20:15

correctly answer this question in Python

play20:17

pandas there are two possible methods to

play20:19

locate the lost or corrupted data and

play20:22

discard those values the first function

play20:24

is is null it can be used for detecting

play20:27

the missing values the second one is

play20:29

dropner where it can be used for

play20:32

removing a column or row with null

play20:34

values and there is also another which

play20:37

is called filner which can be used to

play20:39

fill all the word values with the

play20:41

placeholder values I hope so guys you

play20:44

would have got a fair idea regarding how

play20:46

to handle the missing values in a data

play20:48

set

play20:49

thank you guys for watching this video

play20:51

that was all for today's session I hope

play20:53

so you would have enjoyed our today's

play20:55

video on machine learning interview

play20:57

questions if you want to make a career

play20:59

in data science then intellipat has IIT

play21:02

Madras Advanced Data science and AI

play21:04

certification program

play21:06

this course is of very high quality and

play21:09

cost effective as it is taught by IIT

play21:11

professors and Industry experts

play21:23

thank you

Rate This
โ˜…
โ˜…
โ˜…
โ˜…
โ˜…

5.0 / 5 (0 votes)

Related Tags
Machine LearningInterview QuestionsAI TechnologiesData ScienceAlgorithmsStatistical ModelsPredictive AnalysisDeep LearningArtificial IntelligenceCareer Guidance