SlideShare a Scribd company logo
Machine Learning
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Agenda for Today’s Session
▪ Machine Learning Core Interview Question
▪ Machine Learning using Python Interview Question
▪ Machine Learning scenario based Interview Question
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning
Training Using
Python
Core Machine Learning Questions
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 1
Q: How will you explain Machine Learning to a school going kid?
▪ Suppose your friend invites you to his party where you meet
totally strangers
▪ Since you have no idea about them you will classify them on
the basis of gender, age group, dressing, or whatever way you
would like using unsupervised learning (no prior knowledge)
▪ How is this learning different from Supervised Learning?
Since you didn't use any past/prior knowledge about people
and classified them "on-the-go"
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 2
Q: What are various types of Machine Learning?
Supervised Learning
▪ Is like learning with a teacher
▪ Training dataset is like a teacher
which is used to train the machine
▪ Model is “trained” on a pre-defined
dataset before it starts making
decisions when given new data
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 2
Q: What are various types of Machine Learning?
▪ Is like learning without a teacher
▪ Model learns through observation &
find structures in data
▪ Model is given a dataset, and are left
to automatically find patterns and
relationships in that dataset by
creating clusters
Unsupervised Learning
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 2
Q: What are various types of Machine Learning?
Reinforcement Learning
▪ Model learns with hit and trail method
▪ Learns on the basis of reward or
penalty given for every action it
performs
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 3
Q: What’s your favourite algorithm, and can you explain it to me in less than a minute?
This type of question is just to tests your understanding of how you communicate complex and technical nuances
with ease and also this question will judge the ability to summarize quickly and efficiently. Make sure you have a
choice and make sure you can explain different algorithms so simply and effectively that even a five-year-old
could grasp the basics!
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 4
Q: How deep learning differs from machine learning?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 4
Q: How deep learning differs from machine learning?
Deep Learning is a form of machine
learning that is inspired by the structure
of the human brain and is particularly
effective in feature detection
Machine Learning is all about
algorithms that parse data, learn from
that data, and then apply what they’ve
learned to make informed decisions
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 5
Q: Explain Classification and Regression
Regression and classification are both related to prediction, where regression predicts a
value from a continuous set, and classification predicts the 'belonging' to the class.
Regression (Continuous Values)Classification (Class Labels)
▪ Very Cheap
▪ Cheap
▪ Affordable
▪ Costly
▪ Very Costly
▪ Size
▪ Area
▪ Location
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 6
Q: What do you understand by selection bias?
▪ Statistical error that causes a bias in the sampling portion of an experiment
▪ The error causes one sampling group to be selected more often than other groups
included in the experiment
▪ Selection bias may produce an inaccurate conclusion if the selection bias is not identified
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 7
A confusion matrix is a table that is often used
to describe the performance of a classification
model (or "classifier") on a set of test data for
which the true values are known.
Q: What is a Confusion Matrix?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 8
Q: What do you understand by Precision and Recall?
Let me explain you this with an analogy:
▪ Imagine that, your girlfriend gave you a birthday
surprise every year since last 10 years
▪ One day, your girlfriend asks you: ‘Sweetie, do
you remember all birthday surprises from me?’
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 8
Q: What do you understand by Precision and Recall?
▪ To extend your life, you need to recall all 10 surprising events from your memory
▪ So, recall is the ratio of a number of events you can correctly recall to a number
of all correct events
▪ If you can recall all 10 events correctly, then, your recall ratio is 1.0 (100%)
▪ If you can recall 7 events correctly, your recall ratio is 0.7 (70%)
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 8
Q: What do you understand by Precision and Recall?
However, you might be wrong in some answers.
▪ For example, you answers 15 times, 10 events are correct and 5 events
are wrong. This means you can recall all events but it’s not so precise
▪ So, precision is the ratio of a number of events you can correctly recall
to a number all events you recall (mix of correct and wrong recalls). In
other words, it is how precise of your recall
▪ From the last example (10 real events, 15 answers: 10 correct, 5 wrong),
you get 100% recall but your precision is only 66.67% (10 / 15)
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 8
Q: What do you understand by Precision and Recall?
▪ A number of events you can correctly recall = True positive (they’re correct and you recall them)
▪ A number of all correct events = True positive (they’re correct and you recall them) + False negative
(they’re correct but you don’t recall them)
▪ A number of all events you recall = True positive (they’re correct and you recall them) + False positive
(they’re not correct but you recall them)
▪ recall = True positive / (True positive + False negative)
▪ precision = True positive / (True positive + False positive)
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 9
Q: Explain false negative, false positive, true negative and true positive with a simple
example
▪ True Positive: If the alarm goes on in case of a fire
▪ Fire is positive and prediction made by the system is true
▪ False Positive: If alarm goes on , and there is no fire
▪ System predicted fire to be positive which is a wrong prediction, hence the
prediction is false
▪ False Negative: if alarm does not go on but there was a fire ,
▪ System predicted fire to be negative which was false since there was fire.
▪ True Negative: if alarm does not go on and there was no fire,
▪ The fire is negative and this prediction was true
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 10
Q: What is the difference between inductive and deductive learning?
Inductive learning = observation → conclusion
Deductive learning = conclusion → observation
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 11
Q: How is KNN different from k-means clustering?
K-Nearest Neighbors K-Means Clustering
▪ Supervised Technique ▪ Unsupervised Technique
▪ Used for Classification or Regression ▪ Used for Clustering
▪ used for classification and regression of known
data where usually the target attribute/variable
is known before hand.
▪ used for scenarios like understanding the
population demographics, social media trends,
anomaly detection, etc.
▪ KNN needs labelled points ▪ K-Means doesn’t requires labelled points
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 12
Q: Can you explain me What is ROC curve and what does it represent?
Receiver Operating Characteristic curve (or ROC curve) is a
fundamental tool for diagnostic test evaluation and is a
plot of the true positive rate (Sensitivity) against the false
positive rate (Specificity) for the different possible cut-off
points of a diagnostic test
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 12
Q: Can you explain me What is ROC curve and what does it represent?
▪ It shows the tradeoff between sensitivity and specificity (any increase
in sensitivity will be accompanied by a decrease in specificity).
▪ The closer the curve follows the left-hand border and then the top
border of the ROC space, the more accurate the test.
▪ The closer the curve comes to the 45-degree diagonal of the ROC
space, the less accurate the test.
▪ The slope of the tangent line at a cutpoint gives the likelihood ratio
(LR) for that value of the test.
▪ The area under the curve is a measure of text accuracy
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 13
Q: What’s the difference between Type I and Type II error?
▪ Type I error is a false positive, while Type II error
is a false negative
▪ Type I error is claiming something has happened
when it hasn’t, while Type II error is claiming
nothing when in fact something has happened
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 14
It depends on the question as well as on the domain for which we are trying to solve the question.
• In medical testing, false negatives may provide a falsely reassuring message to patients and physicians that
disease is absent, when it is actually present. This sometimes leads to inappropriate or inadequate treatment
of both the patient and their disease. So, it is desired to have too many false positive
• For spam filtering, a false positive occurs when spam filtering or spam blocking techniques wrongly classify a
legitimate email message as spam and, as a result, interferes with its delivery. While most anti-spam tactics
can block or filter a high percentage of unwanted emails, doing so without creating significant false-positive
results is a much more demanding task. So, we prefer too many false negatives over many false positives
Q: Is it better to have too many false positives, or too many false negatives? Explain.
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 15
Well you must know that model accuracy is only a subset of model performance
For example, if you wanted to detect fraud in a massive dataset with a sample of millions, a more accurate
model would most likely predict no fraud at all if only a vast minority of cases were fraud.
However, this would be useless for a predictive model — a model designed to find fraud that asserted there was
no fraud at all! Questions like this help you demonstrate that you understand model accuracy isn’t the be-all and
end-all of model performance.
Q: Which is more important to you – model accuracy, or model performance?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 16
▪ These two are the metrics for deciding how to split a tree
▪ Gini measurement is the probability of a random sample being classified correctly if we randomly pick a label
according to the distribution in a branch
▪ Entropy is a measurement of information (or rather lack thereof). You calculate the information gain by making
a split. Which is the difference in entropies. This measures how you reduce the uncertainty about the label
Q: What is the difference between Gini Impurity and Entropy in a Decision Tree?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 17
▪ Entropy is an indicator of how messy your data is. It keeps on decreasing as you reach closer to the leaf node.
▪ The information gain is based on the decrease in entropy after a dataset is split on an attribute. It keeps on
increasing as you reach closer to the leaf node.
Q: What is the difference between Entropy and Information Gain?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 18
Q: What is Overfitting? And how do you ensure you’re not overfitting with a model?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 18
Let’s say we want to predict if a student will land a job interview based on her resume.
Now, assume we train a model from a dataset of 10,000 resumes and their outcomes.
Next, we try the model out on the original dataset, and it predicts outcomes with 99% accuracy… wow!
But now comes the bad news.
When we run the model on a new (“unseen”) dataset of resumes, we only get 50% accuracy!
Our model doesn’t generalize well from our training data to unseen data.
This is known as overfitting, and it’s a common problem in machine learning and data science
Q: What is Overfitting? And how do you ensure you’re not overfitting with a model?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 18
Three main methods to avoid overfitting:
▪ Keep the model simpler: reduce variance by taking into account fewer variables and parameters, thereby
removing some of the noise in the training data
▪ Use cross-validation techniques such as k-folds cross-validation
▪ Use regularization techniques such as LASSO that penalize certain model parameters if they’re likely to cause
overfitting
Q: What is Overfitting? And how do you ensure you’re not overfitting with a model?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 19
Q: Explain ensemble learning technique in Machine Learning
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 20
Q: What is Bagging and boosting in machine learning?
Similarities Difference
▪ Both are ensemble methods to get N learns from 1 learner
▪ While they are built independently for Bagging, Boosting tries to
add new models that do well where previous models fall.
▪ Both generate several training data sets by random sampling
▪ Only Boosting determines weight for the data to tip the scales in
favour of the most difficult cases
▪ Both make the final decision by taking the average of N learners
▪ Is an equally average for Bagging and a weighted average for
Boosting more weight in those with better performance on training
data
▪ Both are good at reducing variance and proving higher scalability
▪ Only Boosting tries to reduce bias. On the other hand, Bagging may
solve the problem of over-fitting, while boosting can increase it
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 21
▪ One way of detecting outliers is if the mean/average of a data set is significantly different from the median of
the data set
▪ For example, if you have a data set,
▪ 10,20,34, 45, 50,60,93 the median of the data set is 45 while the mean/average = 312/7 = 44.5 ~ 45
▪ If now, we add -200 to this set, the median is 45+34/2 = 39.5~40 whereas the mean = 112/8 = 14
▪ You can try the opposite by adding, say 400 to our original data set. In that case, median will still be 40, while
the mean = 712/8=89
▪ In datasets that are normally distributed, mean and median will be very close as in our first example
Q: How would you screen for outliers and what should you do if you find one?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 22
▪ Collinearity occurs when two predictor variables (e.g., x1 and x2) in a multiple regression have a non-zero
correlation
▪ Multicollinearity occurs when more than two predictor variables (e.g., x1, x2 and x3) are inter-correlated.
Q: What is collinearity and multicollinearity?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 23
▪ Eigenvectors are used for understanding linear transformations. In data analysis, we usually calculate the
eigenvectors for a correlation or covariance matrix
▪ Eigenvectors are the directions along which a particular linear transformation acts by flipping, compressing or
stretching
▪ Eigenvalue can be referred to as the strength of the transformation in the direction of eigenvector or the factor
by which the compression occurs
Q: What do you understand by Eigenvectors and Eigenvalues?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 24
.
Q: What is A/B Testing?
▪ It is a statistical hypothesis testing for randomized experiment with two variables A and B
▪ The goal of A/B Testing is to identify any changes to the web page to maximize or increase the outcome of an
interest
▪ An example for this could be identifying the click-through rate for a banner ad
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 25
.
Q: What is Cluster Sampling?
• It is a process of randomly selecting intact groups within the defined population, sharing similar characteristics
• Cluster Sample is a probability sample where each sampling unit is a collection or cluster of elements
For eg:
If managers(sample) are Elements then Companies are clusters
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 26
.
Q: What is Collaborative Filtering?
The process of filtering used by most of the recommender
systems to find patterns or information by collaborating
viewpoints, various data sources and multiple agents.
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 26
.
Q: Why is naive Bayes so ‘naive’ ?
In simple terms, a naive Bayes classifier assumes that the presence (or absence) of a particular feature of a class
is unrelated to the presence (or absence) of any other feature, given the class variable.
For example, a fruit may be considered to be an apple if it is red, round, and about 4" in diameter. Even if these
features depend on each other or upon the existence of the other features, a naive Bayes classifier considers all
of these properties to independently contribute to the probability that this fruit is an apple.
Basically, it's "naive" because it makes assumptions that may or may not turn out to be correct.
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning
Training Using
Python
Machine Learning with Python Questions
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 1
▪ NumPy
▪ SciPy
▪ Pandas
▪ SciKit
▪ Matplotlib
▪ Seaborn
▪ Bokeh
Q: Name a few libraries in Python used for Data Analysis and Scientific computations
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 2
Q: Which library would you prefer for plotting in Python language: Seaborn or
Matplotlib or Bokeh?
Matplotlib: Used for basic plotting like bars, pies, lines, scatter plots, etc
Seaborn: is built on top of Matplotlib and Pandas to ease data plotting. It is used for statistical visualizations like
creating heatmaps or showing the distribution of your data
Bokeh: Used for interactive visualization. In case your data is too complex and you haven't found any "message"
in the data, then use Bokeh to create interactive visualizations that will allow your viewers to explore the data
themselves
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 3
Q: How are NumPy and SciPy related?
▪ NumPy is part of SciPy
▪ Defines arrays along with some basic numerical functions like indexing, sorting, reshaping, etc.
▪ SciPy implements stuff like numerical integration and optimization and machine learning using NumPy's
functionality.
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 4
Q: What is the main difference between a Pandas series and a single-column
DataFrame in Python?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 5
Q: How can you handle duplicate values in a dataset for a variable in Python?
bill_data=pd.read_csv("datasetsTelecom Data AnalysisBill.csv")
bill_data.shape
#Identify duplicates records in the data
Dupes = bill_data.duplicated()
sum(dupes)
#Removing Duplicates
bill_data_uniq = bill_data.drop_duplicates()
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 6
Q: Write a basic machine learning program to check the accuracy of the dataset
importing any dataset using any classifier?
#importing dataset
import sklearn
from sklearn import datasets
iris = datasets.load_iris()
X = iris.data
Y = iris.target
#splitting the dataset
from sklearn.cross_validation import train_test_split
X_train, Y_train, X_test, Y_test = train_test_split(X,Y,
test_size = 0.5)
#Selecting Classifier
my_classifier = tree.DecisionTreeClassifier()
My_classifier.fit(X_train, Y_train)
Predictions = my_classifier(X_test)
#check accuracy
From sklear.metrics importaccuracy_score
print accuracy_score(y_test)
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning
Training Using
Python
Scenario Based Questions
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 1
Q: You are given a data set consisting of variables having more than 30% missing
values? Let’s say, out of 50 variables, 8 variables have missing values higher than
30%. How will you deal with them?
▪ Assign a unique category to missing values, who knows the missing values might decipher some trend
▪ We can remove them blatantly.
▪ Or, we can sensibly check their distribution with the target variable, and if found any pattern we’ll keep those
missing values and assign them a new category while removing others
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 2
Q: Write an SQL query that makes recommendations using the pages that your
friends liked. Assume you have two tables: a two-column table of users and their
friends, and a two-column table of users and the pages they liked. It should not
recommend pages you already like.
SELECT f.user_id, l.page_id
FROM friend f JOIN like l
ON f.friend_id = l.user_id
WHERE l.page_id NOT IN (SELECT page_id FROM like
WHERE user_id = f.user_id)
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 3
Q: There's a game where you are asked to roll two fair six-sided dice.
If the sum of the values on the dice equals seven, then you win $21. However, you
must pay $5 to play each time you roll both dice. Do you play this game? And in
follow-up: what is the probability of making money from this game?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 4
Q: We have two options for serving ads within Newsfeed:
1 - out of every 25 stories, one will be an ad
2 - every story has a 4% chance of being an ad
For each option, what is the expected number of ads shown in 100 news stories?
If we go with option 2, what is the chance a user will be shown only a single ad in
100 stories? What about no ads at all?
For the questions 1: I think both options have the same expected value of 4
For the question 2:
Use binomial distribution function. So basically, for one case to happen, you will use this function
p(one case) = (0.96)^99*(0.04)^1
In total, there are 100 positions for the ad. 100 * p(one case) = 7.03%
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 5
Q: How would you predict who will renew their subscription next month? What data
would you need to solve this? What analysis would you do? Would you build
predictive models? If so, which algorithms?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 6
Q: How do you map nicknames (Pete, Andy, Nick, Rob, etc) to real names?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions
Machine Learning Interview Question 7
Q: A jar has 1000 coins, of which 999 are fair and 1 is double headed. Pick a coin at
random, and toss it 10 times. Given that you see 10 heads, what is the probability
that the next toss of that coin is also a head?
There are two ways of choosing the coin. One is to pick a fair coin and the other is to pick the one with two heads.
Probability of selecting fair coin = 999/1000 = 0.999
Probability of selecting unfair coin = 1/1000 = 0.001
Selecting 10 heads in a row = Selecting fair coin * Getting 10 heads + Selecting an unfair coin
P (A) = 0.999 * (1/2)^5 = 0.999 * (1/1024) = 0.000976
P (B) = 0.001 * 1 = 0.001
P( A / A + B ) = 0.000976 / (0.000976 + 0.001) = 0.4939
P( B / A + B ) = 0.001 / 0.001976 = 0.5061
Probability of selecting another head = P(A/A+B) * 0.5 + P(B/A+B) * 1 = 0.4939 * 0.5 + 0.5061 = 0.7531
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Machine Leaning Interview Questions

More Related Content

What's hot

Hyperparameter Tuning
Hyperparameter TuningHyperparameter Tuning
Hyperparameter Tuning
Jon Lederman
 
Machine Learning lecture6(regularization)
Machine Learning lecture6(regularization)Machine Learning lecture6(regularization)
Machine Learning lecture6(regularization)
cairo university
 
Machine Learning Tutorial | Machine Learning Basics | Machine Learning Algori...
Machine Learning Tutorial | Machine Learning Basics | Machine Learning Algori...Machine Learning Tutorial | Machine Learning Basics | Machine Learning Algori...
Machine Learning Tutorial | Machine Learning Basics | Machine Learning Algori...
Simplilearn
 
Machine Learning Unit 4 Semester 3 MSc IT Part 2 Mumbai University
Machine Learning Unit 4 Semester 3  MSc IT Part 2 Mumbai UniversityMachine Learning Unit 4 Semester 3  MSc IT Part 2 Mumbai University
Machine Learning Unit 4 Semester 3 MSc IT Part 2 Mumbai University
Madhav Mishra
 
Machine learning Algorithms
Machine learning AlgorithmsMachine learning Algorithms
Machine learning Algorithms
Walaa Hamdy Assy
 
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Tutori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Tutori...Machine Learning Algorithms | Machine Learning Tutorial | Data Science Tutori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Tutori...
Edureka!
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
Kumar P
 
Deep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | EdurekaDeep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | Edureka
Edureka!
 
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...
Simplilearn
 
Machine learning
Machine learningMachine learning
Machine learning
eonx_32
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
Rahul Kumar
 
Machine Learning Unit 2 Semester 3 MSc IT Part 2 Mumbai University
Machine Learning Unit 2 Semester 3  MSc IT Part 2 Mumbai UniversityMachine Learning Unit 2 Semester 3  MSc IT Part 2 Mumbai University
Machine Learning Unit 2 Semester 3 MSc IT Part 2 Mumbai University
Madhav Mishra
 
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Simplilearn
 
Data Science vs Machine Learning – What’s The Difference? | Data Science Cour...
Data Science vs Machine Learning – What’s The Difference? | Data Science Cour...Data Science vs Machine Learning – What’s The Difference? | Data Science Cour...
Data Science vs Machine Learning – What’s The Difference? | Data Science Cour...
Edureka!
 
Machine Learning basics
Machine Learning basicsMachine Learning basics
Machine Learning basics
NeeleEilers
 
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
Simplilearn
 
Scikit Learn Tutorial | Machine Learning with Python | Python for Data Scienc...
Scikit Learn Tutorial | Machine Learning with Python | Python for Data Scienc...Scikit Learn Tutorial | Machine Learning with Python | Python for Data Scienc...
Scikit Learn Tutorial | Machine Learning with Python | Python for Data Scienc...
Edureka!
 
Logistic Regression in Python | Logistic Regression Example | Machine Learnin...
Logistic Regression in Python | Logistic Regression Example | Machine Learnin...Logistic Regression in Python | Logistic Regression Example | Machine Learnin...
Logistic Regression in Python | Logistic Regression Example | Machine Learnin...
Edureka!
 
Applications in Machine Learning
Applications in Machine LearningApplications in Machine Learning
Applications in Machine Learning
Joel Graff
 
Unified Approach to Interpret Machine Learning Model: SHAP + LIME
Unified Approach to Interpret Machine Learning Model: SHAP + LIMEUnified Approach to Interpret Machine Learning Model: SHAP + LIME
Unified Approach to Interpret Machine Learning Model: SHAP + LIME
Databricks
 

What's hot (20)

Hyperparameter Tuning
Hyperparameter TuningHyperparameter Tuning
Hyperparameter Tuning
 
Machine Learning lecture6(regularization)
Machine Learning lecture6(regularization)Machine Learning lecture6(regularization)
Machine Learning lecture6(regularization)
 
Machine Learning Tutorial | Machine Learning Basics | Machine Learning Algori...
Machine Learning Tutorial | Machine Learning Basics | Machine Learning Algori...Machine Learning Tutorial | Machine Learning Basics | Machine Learning Algori...
Machine Learning Tutorial | Machine Learning Basics | Machine Learning Algori...
 
Machine Learning Unit 4 Semester 3 MSc IT Part 2 Mumbai University
Machine Learning Unit 4 Semester 3  MSc IT Part 2 Mumbai UniversityMachine Learning Unit 4 Semester 3  MSc IT Part 2 Mumbai University
Machine Learning Unit 4 Semester 3 MSc IT Part 2 Mumbai University
 
Machine learning Algorithms
Machine learning AlgorithmsMachine learning Algorithms
Machine learning Algorithms
 
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Tutori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Tutori...Machine Learning Algorithms | Machine Learning Tutorial | Data Science Tutori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Tutori...
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Deep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | EdurekaDeep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | Edureka
 
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...
 
Machine learning
Machine learningMachine learning
Machine learning
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Machine Learning Unit 2 Semester 3 MSc IT Part 2 Mumbai University
Machine Learning Unit 2 Semester 3  MSc IT Part 2 Mumbai UniversityMachine Learning Unit 2 Semester 3  MSc IT Part 2 Mumbai University
Machine Learning Unit 2 Semester 3 MSc IT Part 2 Mumbai University
 
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
 
Data Science vs Machine Learning – What’s The Difference? | Data Science Cour...
Data Science vs Machine Learning – What’s The Difference? | Data Science Cour...Data Science vs Machine Learning – What’s The Difference? | Data Science Cour...
Data Science vs Machine Learning – What’s The Difference? | Data Science Cour...
 
Machine Learning basics
Machine Learning basicsMachine Learning basics
Machine Learning basics
 
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
 
Scikit Learn Tutorial | Machine Learning with Python | Python for Data Scienc...
Scikit Learn Tutorial | Machine Learning with Python | Python for Data Scienc...Scikit Learn Tutorial | Machine Learning with Python | Python for Data Scienc...
Scikit Learn Tutorial | Machine Learning with Python | Python for Data Scienc...
 
Logistic Regression in Python | Logistic Regression Example | Machine Learnin...
Logistic Regression in Python | Logistic Regression Example | Machine Learnin...Logistic Regression in Python | Logistic Regression Example | Machine Learnin...
Logistic Regression in Python | Logistic Regression Example | Machine Learnin...
 
Applications in Machine Learning
Applications in Machine LearningApplications in Machine Learning
Applications in Machine Learning
 
Unified Approach to Interpret Machine Learning Model: SHAP + LIME
Unified Approach to Interpret Machine Learning Model: SHAP + LIMEUnified Approach to Interpret Machine Learning Model: SHAP + LIME
Unified Approach to Interpret Machine Learning Model: SHAP + LIME
 

Similar to Machine Learning Interview Questions and Answers | Machine Learning Interview Preparation | Edureka

How ml can improve purchase conversions
How ml can improve purchase conversionsHow ml can improve purchase conversions
How ml can improve purchase conversions
Sudeep Shukla
 
Supervised Machine Learning With Types And Techniques
Supervised Machine Learning With Types And TechniquesSupervised Machine Learning With Types And Techniques
Supervised Machine Learning With Types And Techniques
SlideTeam
 
How to Remove Bias From Your Hiring Process
How to Remove Bias From Your Hiring ProcessHow to Remove Bias From Your Hiring Process
How to Remove Bias From Your Hiring Process
Amanda Herbert
 
Guide decisions
Guide decisions Guide decisions
Guide decisions
Kerry Richardson
 
Machine_Learning_and_drive_grading_HEPIX_October_2015
Machine_Learning_and_drive_grading_HEPIX_October_2015Machine_Learning_and_drive_grading_HEPIX_October_2015
Machine_Learning_and_drive_grading_HEPIX_October_2015Amit Chattopadhyay
 
Testing for Success: How to Infuse Consistent Testing Into Your Fundraising P...
Testing for Success: How to Infuse Consistent Testing Into Your Fundraising P...Testing for Success: How to Infuse Consistent Testing Into Your Fundraising P...
Testing for Success: How to Infuse Consistent Testing Into Your Fundraising P...
PMX Agency
 
A/B testing AI - Global Artificial Intelligence Conference 2019
A/B testing AI - Global Artificial Intelligence Conference 2019A/B testing AI - Global Artificial Intelligence Conference 2019
A/B testing AI - Global Artificial Intelligence Conference 2019
Pavel Dmitriev
 
Ai demystified for HR and TA leaders
Ai demystified for HR and TA leadersAi demystified for HR and TA leaders
Ai demystified for HR and TA leaders
Antonia Macrides
 
Types of machine learning
Types of machine learningTypes of machine learning
Types of machine learning
HimaniAloona
 
SAS Presentation
SAS PresentationSAS Presentation
SAS PresentationTejasvi R S
 
Speed Data Set
Speed Data SetSpeed Data Set
Speed Data Set
Ritesh Kp
 
Machine Learning 101 for Product Managers by Amazon Sr PM
Machine Learning 101 for Product Managers by Amazon Sr PMMachine Learning 101 for Product Managers by Amazon Sr PM
Machine Learning 101 for Product Managers by Amazon Sr PM
Product School
 
Having Trouble Writing College Essay. How To Write An Exemplification ...
Having Trouble Writing College Essay. How To Write An Exemplification ...Having Trouble Writing College Essay. How To Write An Exemplification ...
Having Trouble Writing College Essay. How To Write An Exemplification ...
Rebecca Bordes
 
EMBRACING TECHNOLOGY TO IMPROVE HUMAN RELATIONSHIPS
EMBRACING TECHNOLOGY TO IMPROVE HUMAN RELATIONSHIPSEMBRACING TECHNOLOGY TO IMPROVE HUMAN RELATIONSHIPS
EMBRACING TECHNOLOGY TO IMPROVE HUMAN RELATIONSHIPS
Human Capital Media
 
Machine Learning Interview Questions
Machine Learning Interview QuestionsMachine Learning Interview Questions
Machine Learning Interview Questions
Rock Interview
 
Machine Learning Presentation
Machine Learning PresentationMachine Learning Presentation
Machine Learning Presentation
Sk Samiul Islam
 
Shaping Tomorrow - Introduction
Shaping Tomorrow - IntroductionShaping Tomorrow - Introduction
Shaping Tomorrow - Introduction
Kerry Richardson
 
Being a Cultural Warrior: 3 Proven Practices for Driving Engagement and Effic...
Being a Cultural Warrior: 3 Proven Practices for Driving Engagement and Effic...Being a Cultural Warrior: 3 Proven Practices for Driving Engagement and Effic...
Being a Cultural Warrior: 3 Proven Practices for Driving Engagement and Effic...
Snag
 
Rinse and Repeat : The Spiral of Applied Machine Learning
Rinse and Repeat : The Spiral of Applied Machine LearningRinse and Repeat : The Spiral of Applied Machine Learning
Rinse and Repeat : The Spiral of Applied Machine Learning
Anna Chaney
 
Machine Learning in NutShell
Machine Learning in NutShellMachine Learning in NutShell
Machine Learning in NutShell
Ashwin Shiv
 

Similar to Machine Learning Interview Questions and Answers | Machine Learning Interview Preparation | Edureka (20)

How ml can improve purchase conversions
How ml can improve purchase conversionsHow ml can improve purchase conversions
How ml can improve purchase conversions
 
Supervised Machine Learning With Types And Techniques
Supervised Machine Learning With Types And TechniquesSupervised Machine Learning With Types And Techniques
Supervised Machine Learning With Types And Techniques
 
How to Remove Bias From Your Hiring Process
How to Remove Bias From Your Hiring ProcessHow to Remove Bias From Your Hiring Process
How to Remove Bias From Your Hiring Process
 
Guide decisions
Guide decisions Guide decisions
Guide decisions
 
Machine_Learning_and_drive_grading_HEPIX_October_2015
Machine_Learning_and_drive_grading_HEPIX_October_2015Machine_Learning_and_drive_grading_HEPIX_October_2015
Machine_Learning_and_drive_grading_HEPIX_October_2015
 
Testing for Success: How to Infuse Consistent Testing Into Your Fundraising P...
Testing for Success: How to Infuse Consistent Testing Into Your Fundraising P...Testing for Success: How to Infuse Consistent Testing Into Your Fundraising P...
Testing for Success: How to Infuse Consistent Testing Into Your Fundraising P...
 
A/B testing AI - Global Artificial Intelligence Conference 2019
A/B testing AI - Global Artificial Intelligence Conference 2019A/B testing AI - Global Artificial Intelligence Conference 2019
A/B testing AI - Global Artificial Intelligence Conference 2019
 
Ai demystified for HR and TA leaders
Ai demystified for HR and TA leadersAi demystified for HR and TA leaders
Ai demystified for HR and TA leaders
 
Types of machine learning
Types of machine learningTypes of machine learning
Types of machine learning
 
SAS Presentation
SAS PresentationSAS Presentation
SAS Presentation
 
Speed Data Set
Speed Data SetSpeed Data Set
Speed Data Set
 
Machine Learning 101 for Product Managers by Amazon Sr PM
Machine Learning 101 for Product Managers by Amazon Sr PMMachine Learning 101 for Product Managers by Amazon Sr PM
Machine Learning 101 for Product Managers by Amazon Sr PM
 
Having Trouble Writing College Essay. How To Write An Exemplification ...
Having Trouble Writing College Essay. How To Write An Exemplification ...Having Trouble Writing College Essay. How To Write An Exemplification ...
Having Trouble Writing College Essay. How To Write An Exemplification ...
 
EMBRACING TECHNOLOGY TO IMPROVE HUMAN RELATIONSHIPS
EMBRACING TECHNOLOGY TO IMPROVE HUMAN RELATIONSHIPSEMBRACING TECHNOLOGY TO IMPROVE HUMAN RELATIONSHIPS
EMBRACING TECHNOLOGY TO IMPROVE HUMAN RELATIONSHIPS
 
Machine Learning Interview Questions
Machine Learning Interview QuestionsMachine Learning Interview Questions
Machine Learning Interview Questions
 
Machine Learning Presentation
Machine Learning PresentationMachine Learning Presentation
Machine Learning Presentation
 
Shaping Tomorrow - Introduction
Shaping Tomorrow - IntroductionShaping Tomorrow - Introduction
Shaping Tomorrow - Introduction
 
Being a Cultural Warrior: 3 Proven Practices for Driving Engagement and Effic...
Being a Cultural Warrior: 3 Proven Practices for Driving Engagement and Effic...Being a Cultural Warrior: 3 Proven Practices for Driving Engagement and Effic...
Being a Cultural Warrior: 3 Proven Practices for Driving Engagement and Effic...
 
Rinse and Repeat : The Spiral of Applied Machine Learning
Rinse and Repeat : The Spiral of Applied Machine LearningRinse and Repeat : The Spiral of Applied Machine Learning
Rinse and Repeat : The Spiral of Applied Machine Learning
 
Machine Learning in NutShell
Machine Learning in NutShellMachine Learning in NutShell
Machine Learning in NutShell
 

More from Edureka!

What to learn during the 21 days Lockdown | Edureka
What to learn during the 21 days Lockdown | EdurekaWhat to learn during the 21 days Lockdown | Edureka
What to learn during the 21 days Lockdown | Edureka
Edureka!
 
Top 10 Dying Programming Languages in 2020 | Edureka
Top 10 Dying Programming Languages in 2020 | EdurekaTop 10 Dying Programming Languages in 2020 | Edureka
Top 10 Dying Programming Languages in 2020 | Edureka
Edureka!
 
Top 5 Trending Business Intelligence Tools | Edureka
Top 5 Trending Business Intelligence Tools | EdurekaTop 5 Trending Business Intelligence Tools | Edureka
Top 5 Trending Business Intelligence Tools | Edureka
Edureka!
 
Tableau Tutorial for Data Science | Edureka
Tableau Tutorial for Data Science | EdurekaTableau Tutorial for Data Science | Edureka
Tableau Tutorial for Data Science | Edureka
Edureka!
 
Python Programming Tutorial | Edureka
Python Programming Tutorial | EdurekaPython Programming Tutorial | Edureka
Python Programming Tutorial | Edureka
Edureka!
 
Top 5 PMP Certifications | Edureka
Top 5 PMP Certifications | EdurekaTop 5 PMP Certifications | Edureka
Top 5 PMP Certifications | Edureka
Edureka!
 
Top Maven Interview Questions in 2020 | Edureka
Top Maven Interview Questions in 2020 | EdurekaTop Maven Interview Questions in 2020 | Edureka
Top Maven Interview Questions in 2020 | Edureka
Edureka!
 
Linux Mint Tutorial | Edureka
Linux Mint Tutorial | EdurekaLinux Mint Tutorial | Edureka
Linux Mint Tutorial | Edureka
Edureka!
 
How to Deploy Java Web App in AWS| Edureka
How to Deploy Java Web App in AWS| EdurekaHow to Deploy Java Web App in AWS| Edureka
How to Deploy Java Web App in AWS| Edureka
Edureka!
 
Importance of Digital Marketing | Edureka
Importance of Digital Marketing | EdurekaImportance of Digital Marketing | Edureka
Importance of Digital Marketing | Edureka
Edureka!
 
RPA in 2020 | Edureka
RPA in 2020 | EdurekaRPA in 2020 | Edureka
RPA in 2020 | Edureka
Edureka!
 
Email Notifications in Jenkins | Edureka
Email Notifications in Jenkins | EdurekaEmail Notifications in Jenkins | Edureka
Email Notifications in Jenkins | Edureka
Edureka!
 
EA Algorithm in Machine Learning | Edureka
EA Algorithm in Machine Learning | EdurekaEA Algorithm in Machine Learning | Edureka
EA Algorithm in Machine Learning | Edureka
Edureka!
 
Cognitive AI Tutorial | Edureka
Cognitive AI Tutorial | EdurekaCognitive AI Tutorial | Edureka
Cognitive AI Tutorial | Edureka
Edureka!
 
AWS Cloud Practitioner Tutorial | Edureka
AWS Cloud Practitioner Tutorial | EdurekaAWS Cloud Practitioner Tutorial | Edureka
AWS Cloud Practitioner Tutorial | Edureka
Edureka!
 
Blue Prism Top Interview Questions | Edureka
Blue Prism Top Interview Questions | EdurekaBlue Prism Top Interview Questions | Edureka
Blue Prism Top Interview Questions | Edureka
Edureka!
 
Big Data on AWS Tutorial | Edureka
Big Data on AWS Tutorial | Edureka Big Data on AWS Tutorial | Edureka
Big Data on AWS Tutorial | Edureka
Edureka!
 
A star algorithm | A* Algorithm in Artificial Intelligence | Edureka
A star algorithm | A* Algorithm in Artificial Intelligence | EdurekaA star algorithm | A* Algorithm in Artificial Intelligence | Edureka
A star algorithm | A* Algorithm in Artificial Intelligence | Edureka
Edureka!
 
Kubernetes Installation on Ubuntu | Edureka
Kubernetes Installation on Ubuntu | EdurekaKubernetes Installation on Ubuntu | Edureka
Kubernetes Installation on Ubuntu | Edureka
Edureka!
 
Introduction to DevOps | Edureka
Introduction to DevOps | EdurekaIntroduction to DevOps | Edureka
Introduction to DevOps | Edureka
Edureka!
 

More from Edureka! (20)

What to learn during the 21 days Lockdown | Edureka
What to learn during the 21 days Lockdown | EdurekaWhat to learn during the 21 days Lockdown | Edureka
What to learn during the 21 days Lockdown | Edureka
 
Top 10 Dying Programming Languages in 2020 | Edureka
Top 10 Dying Programming Languages in 2020 | EdurekaTop 10 Dying Programming Languages in 2020 | Edureka
Top 10 Dying Programming Languages in 2020 | Edureka
 
Top 5 Trending Business Intelligence Tools | Edureka
Top 5 Trending Business Intelligence Tools | EdurekaTop 5 Trending Business Intelligence Tools | Edureka
Top 5 Trending Business Intelligence Tools | Edureka
 
Tableau Tutorial for Data Science | Edureka
Tableau Tutorial for Data Science | EdurekaTableau Tutorial for Data Science | Edureka
Tableau Tutorial for Data Science | Edureka
 
Python Programming Tutorial | Edureka
Python Programming Tutorial | EdurekaPython Programming Tutorial | Edureka
Python Programming Tutorial | Edureka
 
Top 5 PMP Certifications | Edureka
Top 5 PMP Certifications | EdurekaTop 5 PMP Certifications | Edureka
Top 5 PMP Certifications | Edureka
 
Top Maven Interview Questions in 2020 | Edureka
Top Maven Interview Questions in 2020 | EdurekaTop Maven Interview Questions in 2020 | Edureka
Top Maven Interview Questions in 2020 | Edureka
 
Linux Mint Tutorial | Edureka
Linux Mint Tutorial | EdurekaLinux Mint Tutorial | Edureka
Linux Mint Tutorial | Edureka
 
How to Deploy Java Web App in AWS| Edureka
How to Deploy Java Web App in AWS| EdurekaHow to Deploy Java Web App in AWS| Edureka
How to Deploy Java Web App in AWS| Edureka
 
Importance of Digital Marketing | Edureka
Importance of Digital Marketing | EdurekaImportance of Digital Marketing | Edureka
Importance of Digital Marketing | Edureka
 
RPA in 2020 | Edureka
RPA in 2020 | EdurekaRPA in 2020 | Edureka
RPA in 2020 | Edureka
 
Email Notifications in Jenkins | Edureka
Email Notifications in Jenkins | EdurekaEmail Notifications in Jenkins | Edureka
Email Notifications in Jenkins | Edureka
 
EA Algorithm in Machine Learning | Edureka
EA Algorithm in Machine Learning | EdurekaEA Algorithm in Machine Learning | Edureka
EA Algorithm in Machine Learning | Edureka
 
Cognitive AI Tutorial | Edureka
Cognitive AI Tutorial | EdurekaCognitive AI Tutorial | Edureka
Cognitive AI Tutorial | Edureka
 
AWS Cloud Practitioner Tutorial | Edureka
AWS Cloud Practitioner Tutorial | EdurekaAWS Cloud Practitioner Tutorial | Edureka
AWS Cloud Practitioner Tutorial | Edureka
 
Blue Prism Top Interview Questions | Edureka
Blue Prism Top Interview Questions | EdurekaBlue Prism Top Interview Questions | Edureka
Blue Prism Top Interview Questions | Edureka
 
Big Data on AWS Tutorial | Edureka
Big Data on AWS Tutorial | Edureka Big Data on AWS Tutorial | Edureka
Big Data on AWS Tutorial | Edureka
 
A star algorithm | A* Algorithm in Artificial Intelligence | Edureka
A star algorithm | A* Algorithm in Artificial Intelligence | EdurekaA star algorithm | A* Algorithm in Artificial Intelligence | Edureka
A star algorithm | A* Algorithm in Artificial Intelligence | Edureka
 
Kubernetes Installation on Ubuntu | Edureka
Kubernetes Installation on Ubuntu | EdurekaKubernetes Installation on Ubuntu | Edureka
Kubernetes Installation on Ubuntu | Edureka
 
Introduction to DevOps | Edureka
Introduction to DevOps | EdurekaIntroduction to DevOps | Edureka
Introduction to DevOps | Edureka
 

Recently uploaded

Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !
KatiaHIMEUR1
 
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdfFIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance
 
Connector Corner: Automate dynamic content and events by pushing a button
Connector Corner: Automate dynamic content and events by pushing a buttonConnector Corner: Automate dynamic content and events by pushing a button
Connector Corner: Automate dynamic content and events by pushing a button
DianaGray10
 
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
Product School
 
Accelerate your Kubernetes clusters with Varnish Caching
Accelerate your Kubernetes clusters with Varnish CachingAccelerate your Kubernetes clusters with Varnish Caching
Accelerate your Kubernetes clusters with Varnish Caching
Thijs Feryn
 
When stars align: studies in data quality, knowledge graphs, and machine lear...
When stars align: studies in data quality, knowledge graphs, and machine lear...When stars align: studies in data quality, knowledge graphs, and machine lear...
When stars align: studies in data quality, knowledge graphs, and machine lear...
Elena Simperl
 
UiPath Test Automation using UiPath Test Suite series, part 3
UiPath Test Automation using UiPath Test Suite series, part 3UiPath Test Automation using UiPath Test Suite series, part 3
UiPath Test Automation using UiPath Test Suite series, part 3
DianaGray10
 
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdfFIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance
 
AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...
AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...
AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...
Product School
 
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
UiPathCommunity
 
Leading Change strategies and insights for effective change management pdf 1.pdf
Leading Change strategies and insights for effective change management pdf 1.pdfLeading Change strategies and insights for effective change management pdf 1.pdf
Leading Change strategies and insights for effective change management pdf 1.pdf
OnBoard
 
Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...
Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...
Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...
Jeffrey Haguewood
 
State of ICS and IoT Cyber Threat Landscape Report 2024 preview
State of ICS and IoT Cyber Threat Landscape Report 2024 previewState of ICS and IoT Cyber Threat Landscape Report 2024 preview
State of ICS and IoT Cyber Threat Landscape Report 2024 preview
Prayukth K V
 
PCI PIN Basics Webinar from the Controlcase Team
PCI PIN Basics Webinar from the Controlcase TeamPCI PIN Basics Webinar from the Controlcase Team
PCI PIN Basics Webinar from the Controlcase Team
ControlCase
 
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Ramesh Iyer
 
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
DanBrown980551
 
Generating a custom Ruby SDK for your web service or Rails API using Smithy
Generating a custom Ruby SDK for your web service or Rails API using SmithyGenerating a custom Ruby SDK for your web service or Rails API using Smithy
Generating a custom Ruby SDK for your web service or Rails API using Smithy
g2nightmarescribd
 
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdfFIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Albert Hoitingh
 
Essentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with ParametersEssentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with Parameters
Safe Software
 

Recently uploaded (20)

Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !
 
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdfFIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
 
Connector Corner: Automate dynamic content and events by pushing a button
Connector Corner: Automate dynamic content and events by pushing a buttonConnector Corner: Automate dynamic content and events by pushing a button
Connector Corner: Automate dynamic content and events by pushing a button
 
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
From Siloed Products to Connected Ecosystem: Building a Sustainable and Scala...
 
Accelerate your Kubernetes clusters with Varnish Caching
Accelerate your Kubernetes clusters with Varnish CachingAccelerate your Kubernetes clusters with Varnish Caching
Accelerate your Kubernetes clusters with Varnish Caching
 
When stars align: studies in data quality, knowledge graphs, and machine lear...
When stars align: studies in data quality, knowledge graphs, and machine lear...When stars align: studies in data quality, knowledge graphs, and machine lear...
When stars align: studies in data quality, knowledge graphs, and machine lear...
 
UiPath Test Automation using UiPath Test Suite series, part 3
UiPath Test Automation using UiPath Test Suite series, part 3UiPath Test Automation using UiPath Test Suite series, part 3
UiPath Test Automation using UiPath Test Suite series, part 3
 
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdfFIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
FIDO Alliance Osaka Seminar: Passkeys and the Road Ahead.pdf
 
AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...
AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...
AI for Every Business: Unlocking Your Product's Universal Potential by VP of ...
 
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
 
Leading Change strategies and insights for effective change management pdf 1.pdf
Leading Change strategies and insights for effective change management pdf 1.pdfLeading Change strategies and insights for effective change management pdf 1.pdf
Leading Change strategies and insights for effective change management pdf 1.pdf
 
Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...
Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...
Slack (or Teams) Automation for Bonterra Impact Management (fka Social Soluti...
 
State of ICS and IoT Cyber Threat Landscape Report 2024 preview
State of ICS and IoT Cyber Threat Landscape Report 2024 previewState of ICS and IoT Cyber Threat Landscape Report 2024 preview
State of ICS and IoT Cyber Threat Landscape Report 2024 preview
 
PCI PIN Basics Webinar from the Controlcase Team
PCI PIN Basics Webinar from the Controlcase TeamPCI PIN Basics Webinar from the Controlcase Team
PCI PIN Basics Webinar from the Controlcase Team
 
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
 
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
 
Generating a custom Ruby SDK for your web service or Rails API using Smithy
Generating a custom Ruby SDK for your web service or Rails API using SmithyGenerating a custom Ruby SDK for your web service or Rails API using Smithy
Generating a custom Ruby SDK for your web service or Rails API using Smithy
 
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdfFIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
 
Essentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with ParametersEssentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with Parameters
 

Machine Learning Interview Questions and Answers | Machine Learning Interview Preparation | Edureka

  • 2. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Agenda for Today’s Session ▪ Machine Learning Core Interview Question ▪ Machine Learning using Python Interview Question ▪ Machine Learning scenario based Interview Question
  • 3. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Training Using Python Core Machine Learning Questions
  • 4. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 1 Q: How will you explain Machine Learning to a school going kid? ▪ Suppose your friend invites you to his party where you meet totally strangers ▪ Since you have no idea about them you will classify them on the basis of gender, age group, dressing, or whatever way you would like using unsupervised learning (no prior knowledge) ▪ How is this learning different from Supervised Learning? Since you didn't use any past/prior knowledge about people and classified them "on-the-go"
  • 5. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 2 Q: What are various types of Machine Learning? Supervised Learning ▪ Is like learning with a teacher ▪ Training dataset is like a teacher which is used to train the machine ▪ Model is “trained” on a pre-defined dataset before it starts making decisions when given new data
  • 6. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 2 Q: What are various types of Machine Learning? ▪ Is like learning without a teacher ▪ Model learns through observation & find structures in data ▪ Model is given a dataset, and are left to automatically find patterns and relationships in that dataset by creating clusters Unsupervised Learning
  • 7. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 2 Q: What are various types of Machine Learning? Reinforcement Learning ▪ Model learns with hit and trail method ▪ Learns on the basis of reward or penalty given for every action it performs
  • 8. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 3 Q: What’s your favourite algorithm, and can you explain it to me in less than a minute? This type of question is just to tests your understanding of how you communicate complex and technical nuances with ease and also this question will judge the ability to summarize quickly and efficiently. Make sure you have a choice and make sure you can explain different algorithms so simply and effectively that even a five-year-old could grasp the basics!
  • 9. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 4 Q: How deep learning differs from machine learning?
  • 10. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 4 Q: How deep learning differs from machine learning? Deep Learning is a form of machine learning that is inspired by the structure of the human brain and is particularly effective in feature detection Machine Learning is all about algorithms that parse data, learn from that data, and then apply what they’ve learned to make informed decisions
  • 11. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 5 Q: Explain Classification and Regression Regression and classification are both related to prediction, where regression predicts a value from a continuous set, and classification predicts the 'belonging' to the class. Regression (Continuous Values)Classification (Class Labels) ▪ Very Cheap ▪ Cheap ▪ Affordable ▪ Costly ▪ Very Costly ▪ Size ▪ Area ▪ Location
  • 12. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 6 Q: What do you understand by selection bias? ▪ Statistical error that causes a bias in the sampling portion of an experiment ▪ The error causes one sampling group to be selected more often than other groups included in the experiment ▪ Selection bias may produce an inaccurate conclusion if the selection bias is not identified
  • 13. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 7 A confusion matrix is a table that is often used to describe the performance of a classification model (or "classifier") on a set of test data for which the true values are known. Q: What is a Confusion Matrix?
  • 14. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 8 Q: What do you understand by Precision and Recall? Let me explain you this with an analogy: ▪ Imagine that, your girlfriend gave you a birthday surprise every year since last 10 years ▪ One day, your girlfriend asks you: ‘Sweetie, do you remember all birthday surprises from me?’
  • 15. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 8 Q: What do you understand by Precision and Recall? ▪ To extend your life, you need to recall all 10 surprising events from your memory ▪ So, recall is the ratio of a number of events you can correctly recall to a number of all correct events ▪ If you can recall all 10 events correctly, then, your recall ratio is 1.0 (100%) ▪ If you can recall 7 events correctly, your recall ratio is 0.7 (70%)
  • 16. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 8 Q: What do you understand by Precision and Recall? However, you might be wrong in some answers. ▪ For example, you answers 15 times, 10 events are correct and 5 events are wrong. This means you can recall all events but it’s not so precise ▪ So, precision is the ratio of a number of events you can correctly recall to a number all events you recall (mix of correct and wrong recalls). In other words, it is how precise of your recall ▪ From the last example (10 real events, 15 answers: 10 correct, 5 wrong), you get 100% recall but your precision is only 66.67% (10 / 15)
  • 17. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 8 Q: What do you understand by Precision and Recall? ▪ A number of events you can correctly recall = True positive (they’re correct and you recall them) ▪ A number of all correct events = True positive (they’re correct and you recall them) + False negative (they’re correct but you don’t recall them) ▪ A number of all events you recall = True positive (they’re correct and you recall them) + False positive (they’re not correct but you recall them) ▪ recall = True positive / (True positive + False negative) ▪ precision = True positive / (True positive + False positive)
  • 18. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 9 Q: Explain false negative, false positive, true negative and true positive with a simple example ▪ True Positive: If the alarm goes on in case of a fire ▪ Fire is positive and prediction made by the system is true ▪ False Positive: If alarm goes on , and there is no fire ▪ System predicted fire to be positive which is a wrong prediction, hence the prediction is false ▪ False Negative: if alarm does not go on but there was a fire , ▪ System predicted fire to be negative which was false since there was fire. ▪ True Negative: if alarm does not go on and there was no fire, ▪ The fire is negative and this prediction was true
  • 19. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 10 Q: What is the difference between inductive and deductive learning? Inductive learning = observation → conclusion Deductive learning = conclusion → observation
  • 20. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 11 Q: How is KNN different from k-means clustering? K-Nearest Neighbors K-Means Clustering ▪ Supervised Technique ▪ Unsupervised Technique ▪ Used for Classification or Regression ▪ Used for Clustering ▪ used for classification and regression of known data where usually the target attribute/variable is known before hand. ▪ used for scenarios like understanding the population demographics, social media trends, anomaly detection, etc. ▪ KNN needs labelled points ▪ K-Means doesn’t requires labelled points
  • 21. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 12 Q: Can you explain me What is ROC curve and what does it represent? Receiver Operating Characteristic curve (or ROC curve) is a fundamental tool for diagnostic test evaluation and is a plot of the true positive rate (Sensitivity) against the false positive rate (Specificity) for the different possible cut-off points of a diagnostic test
  • 22. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 12 Q: Can you explain me What is ROC curve and what does it represent? ▪ It shows the tradeoff between sensitivity and specificity (any increase in sensitivity will be accompanied by a decrease in specificity). ▪ The closer the curve follows the left-hand border and then the top border of the ROC space, the more accurate the test. ▪ The closer the curve comes to the 45-degree diagonal of the ROC space, the less accurate the test. ▪ The slope of the tangent line at a cutpoint gives the likelihood ratio (LR) for that value of the test. ▪ The area under the curve is a measure of text accuracy
  • 23. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 13 Q: What’s the difference between Type I and Type II error? ▪ Type I error is a false positive, while Type II error is a false negative ▪ Type I error is claiming something has happened when it hasn’t, while Type II error is claiming nothing when in fact something has happened
  • 24. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 14 It depends on the question as well as on the domain for which we are trying to solve the question. • In medical testing, false negatives may provide a falsely reassuring message to patients and physicians that disease is absent, when it is actually present. This sometimes leads to inappropriate or inadequate treatment of both the patient and their disease. So, it is desired to have too many false positive • For spam filtering, a false positive occurs when spam filtering or spam blocking techniques wrongly classify a legitimate email message as spam and, as a result, interferes with its delivery. While most anti-spam tactics can block or filter a high percentage of unwanted emails, doing so without creating significant false-positive results is a much more demanding task. So, we prefer too many false negatives over many false positives Q: Is it better to have too many false positives, or too many false negatives? Explain.
  • 25. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 15 Well you must know that model accuracy is only a subset of model performance For example, if you wanted to detect fraud in a massive dataset with a sample of millions, a more accurate model would most likely predict no fraud at all if only a vast minority of cases were fraud. However, this would be useless for a predictive model — a model designed to find fraud that asserted there was no fraud at all! Questions like this help you demonstrate that you understand model accuracy isn’t the be-all and end-all of model performance. Q: Which is more important to you – model accuracy, or model performance?
  • 26. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 16 ▪ These two are the metrics for deciding how to split a tree ▪ Gini measurement is the probability of a random sample being classified correctly if we randomly pick a label according to the distribution in a branch ▪ Entropy is a measurement of information (or rather lack thereof). You calculate the information gain by making a split. Which is the difference in entropies. This measures how you reduce the uncertainty about the label Q: What is the difference between Gini Impurity and Entropy in a Decision Tree?
  • 27. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 17 ▪ Entropy is an indicator of how messy your data is. It keeps on decreasing as you reach closer to the leaf node. ▪ The information gain is based on the decrease in entropy after a dataset is split on an attribute. It keeps on increasing as you reach closer to the leaf node. Q: What is the difference between Entropy and Information Gain?
  • 28. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 18 Q: What is Overfitting? And how do you ensure you’re not overfitting with a model?
  • 29. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 18 Let’s say we want to predict if a student will land a job interview based on her resume. Now, assume we train a model from a dataset of 10,000 resumes and their outcomes. Next, we try the model out on the original dataset, and it predicts outcomes with 99% accuracy… wow! But now comes the bad news. When we run the model on a new (“unseen”) dataset of resumes, we only get 50% accuracy! Our model doesn’t generalize well from our training data to unseen data. This is known as overfitting, and it’s a common problem in machine learning and data science Q: What is Overfitting? And how do you ensure you’re not overfitting with a model?
  • 30. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 18 Three main methods to avoid overfitting: ▪ Keep the model simpler: reduce variance by taking into account fewer variables and parameters, thereby removing some of the noise in the training data ▪ Use cross-validation techniques such as k-folds cross-validation ▪ Use regularization techniques such as LASSO that penalize certain model parameters if they’re likely to cause overfitting Q: What is Overfitting? And how do you ensure you’re not overfitting with a model?
  • 31. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 19 Q: Explain ensemble learning technique in Machine Learning
  • 32. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 20 Q: What is Bagging and boosting in machine learning? Similarities Difference ▪ Both are ensemble methods to get N learns from 1 learner ▪ While they are built independently for Bagging, Boosting tries to add new models that do well where previous models fall. ▪ Both generate several training data sets by random sampling ▪ Only Boosting determines weight for the data to tip the scales in favour of the most difficult cases ▪ Both make the final decision by taking the average of N learners ▪ Is an equally average for Bagging and a weighted average for Boosting more weight in those with better performance on training data ▪ Both are good at reducing variance and proving higher scalability ▪ Only Boosting tries to reduce bias. On the other hand, Bagging may solve the problem of over-fitting, while boosting can increase it
  • 33. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 21 ▪ One way of detecting outliers is if the mean/average of a data set is significantly different from the median of the data set ▪ For example, if you have a data set, ▪ 10,20,34, 45, 50,60,93 the median of the data set is 45 while the mean/average = 312/7 = 44.5 ~ 45 ▪ If now, we add -200 to this set, the median is 45+34/2 = 39.5~40 whereas the mean = 112/8 = 14 ▪ You can try the opposite by adding, say 400 to our original data set. In that case, median will still be 40, while the mean = 712/8=89 ▪ In datasets that are normally distributed, mean and median will be very close as in our first example Q: How would you screen for outliers and what should you do if you find one?
  • 34. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 22 ▪ Collinearity occurs when two predictor variables (e.g., x1 and x2) in a multiple regression have a non-zero correlation ▪ Multicollinearity occurs when more than two predictor variables (e.g., x1, x2 and x3) are inter-correlated. Q: What is collinearity and multicollinearity?
  • 35. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 23 ▪ Eigenvectors are used for understanding linear transformations. In data analysis, we usually calculate the eigenvectors for a correlation or covariance matrix ▪ Eigenvectors are the directions along which a particular linear transformation acts by flipping, compressing or stretching ▪ Eigenvalue can be referred to as the strength of the transformation in the direction of eigenvector or the factor by which the compression occurs Q: What do you understand by Eigenvectors and Eigenvalues?
  • 36. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 24 . Q: What is A/B Testing? ▪ It is a statistical hypothesis testing for randomized experiment with two variables A and B ▪ The goal of A/B Testing is to identify any changes to the web page to maximize or increase the outcome of an interest ▪ An example for this could be identifying the click-through rate for a banner ad
  • 37. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 25 . Q: What is Cluster Sampling? • It is a process of randomly selecting intact groups within the defined population, sharing similar characteristics • Cluster Sample is a probability sample where each sampling unit is a collection or cluster of elements For eg: If managers(sample) are Elements then Companies are clusters
  • 38. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 26 . Q: What is Collaborative Filtering? The process of filtering used by most of the recommender systems to find patterns or information by collaborating viewpoints, various data sources and multiple agents.
  • 39. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 26 . Q: Why is naive Bayes so ‘naive’ ? In simple terms, a naive Bayes classifier assumes that the presence (or absence) of a particular feature of a class is unrelated to the presence (or absence) of any other feature, given the class variable. For example, a fruit may be considered to be an apple if it is red, round, and about 4" in diameter. Even if these features depend on each other or upon the existence of the other features, a naive Bayes classifier considers all of these properties to independently contribute to the probability that this fruit is an apple. Basically, it's "naive" because it makes assumptions that may or may not turn out to be correct.
  • 40. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Training Using Python Machine Learning with Python Questions
  • 41. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 1 ▪ NumPy ▪ SciPy ▪ Pandas ▪ SciKit ▪ Matplotlib ▪ Seaborn ▪ Bokeh Q: Name a few libraries in Python used for Data Analysis and Scientific computations
  • 42. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 2 Q: Which library would you prefer for plotting in Python language: Seaborn or Matplotlib or Bokeh? Matplotlib: Used for basic plotting like bars, pies, lines, scatter plots, etc Seaborn: is built on top of Matplotlib and Pandas to ease data plotting. It is used for statistical visualizations like creating heatmaps or showing the distribution of your data Bokeh: Used for interactive visualization. In case your data is too complex and you haven't found any "message" in the data, then use Bokeh to create interactive visualizations that will allow your viewers to explore the data themselves
  • 43. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 3 Q: How are NumPy and SciPy related? ▪ NumPy is part of SciPy ▪ Defines arrays along with some basic numerical functions like indexing, sorting, reshaping, etc. ▪ SciPy implements stuff like numerical integration and optimization and machine learning using NumPy's functionality.
  • 44. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 4 Q: What is the main difference between a Pandas series and a single-column DataFrame in Python?
  • 45. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 5 Q: How can you handle duplicate values in a dataset for a variable in Python? bill_data=pd.read_csv("datasetsTelecom Data AnalysisBill.csv") bill_data.shape #Identify duplicates records in the data Dupes = bill_data.duplicated() sum(dupes) #Removing Duplicates bill_data_uniq = bill_data.drop_duplicates()
  • 46. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 6 Q: Write a basic machine learning program to check the accuracy of the dataset importing any dataset using any classifier? #importing dataset import sklearn from sklearn import datasets iris = datasets.load_iris() X = iris.data Y = iris.target #splitting the dataset from sklearn.cross_validation import train_test_split X_train, Y_train, X_test, Y_test = train_test_split(X,Y, test_size = 0.5) #Selecting Classifier my_classifier = tree.DecisionTreeClassifier() My_classifier.fit(X_train, Y_train) Predictions = my_classifier(X_test) #check accuracy From sklear.metrics importaccuracy_score print accuracy_score(y_test)
  • 47. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Training Using Python Scenario Based Questions
  • 48. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 1 Q: You are given a data set consisting of variables having more than 30% missing values? Let’s say, out of 50 variables, 8 variables have missing values higher than 30%. How will you deal with them? ▪ Assign a unique category to missing values, who knows the missing values might decipher some trend ▪ We can remove them blatantly. ▪ Or, we can sensibly check their distribution with the target variable, and if found any pattern we’ll keep those missing values and assign them a new category while removing others
  • 49. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 2 Q: Write an SQL query that makes recommendations using the pages that your friends liked. Assume you have two tables: a two-column table of users and their friends, and a two-column table of users and the pages they liked. It should not recommend pages you already like. SELECT f.user_id, l.page_id FROM friend f JOIN like l ON f.friend_id = l.user_id WHERE l.page_id NOT IN (SELECT page_id FROM like WHERE user_id = f.user_id)
  • 50. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 3 Q: There's a game where you are asked to roll two fair six-sided dice. If the sum of the values on the dice equals seven, then you win $21. However, you must pay $5 to play each time you roll both dice. Do you play this game? And in follow-up: what is the probability of making money from this game?
  • 51. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 4 Q: We have two options for serving ads within Newsfeed: 1 - out of every 25 stories, one will be an ad 2 - every story has a 4% chance of being an ad For each option, what is the expected number of ads shown in 100 news stories? If we go with option 2, what is the chance a user will be shown only a single ad in 100 stories? What about no ads at all? For the questions 1: I think both options have the same expected value of 4 For the question 2: Use binomial distribution function. So basically, for one case to happen, you will use this function p(one case) = (0.96)^99*(0.04)^1 In total, there are 100 positions for the ad. 100 * p(one case) = 7.03%
  • 52. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 5 Q: How would you predict who will renew their subscription next month? What data would you need to solve this? What analysis would you do? Would you build predictive models? If so, which algorithms?
  • 53. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 6 Q: How do you map nicknames (Pete, Andy, Nick, Rob, etc) to real names?
  • 54. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions Machine Learning Interview Question 7 Q: A jar has 1000 coins, of which 999 are fair and 1 is double headed. Pick a coin at random, and toss it 10 times. Given that you see 10 heads, what is the probability that the next toss of that coin is also a head? There are two ways of choosing the coin. One is to pick a fair coin and the other is to pick the one with two heads. Probability of selecting fair coin = 999/1000 = 0.999 Probability of selecting unfair coin = 1/1000 = 0.001 Selecting 10 heads in a row = Selecting fair coin * Getting 10 heads + Selecting an unfair coin P (A) = 0.999 * (1/2)^5 = 0.999 * (1/1024) = 0.000976 P (B) = 0.001 * 1 = 0.001 P( A / A + B ) = 0.000976 / (0.000976 + 0.001) = 0.4939 P( B / A + B ) = 0.001 / 0.001976 = 0.5061 Probability of selecting another head = P(A/A+B) * 0.5 + P(B/A+B) * 1 = 0.4939 * 0.5 + 0.5061 = 0.7531
  • 55. Copyright © 2018, edureka and/or its affiliates. All rights reserved. Machine Leaning Interview Questions