Data Science 面试必备指南 + 面试真题
Data Science 面试必备指南 + 面试真题
2. Machine Learning
从拿面试的角度来说,简历上一定要有 1–2 个跟 Machine Learning 相关的 project!
还有一点很重要:一定要对写在简历上的项目非常熟!
3. Python
Python 编程也是面试必考环节。面试时主要考察你如何用 Python 处理数据、建模、把数据可视
化….
4. A/B Testing
5. Product Sense
对于 Product Sense(产品思维)的考察,面试官通常会穿插在 Case Study 环节中。
6. 基础的统计知识
统计知识是数据分析的基础。面试前,要把常见的统计知识如概念概率、分布、线性回归、时间序
列…都掌握好
7. 算法知识
这一块内容在 Data Analyst 面试时相对于 Data Scientist 来说考的概率较小,但也有一些公司会进
行考察。通常,难度系数较高的面试,其入职后的工作内容也会大概率地更有技术含量。
当然,要找一份好工作,功夫还在平时。我们还为大家整理出了一份关于 DS 面试的书单,不仅能帮助做职
业规划,还能提高大家的职业技能!
面试相关书籍
本书通过简单直观的 R 代码、逐渐深入的讲解以及省时省力的方法,提供了大量数据分析样例,终帮助你
高效地解决各类数据问题。1 章介绍了如何创建 R 函数,避免不必要的代码重复。你会学到如何借助 R 程
序包在各种数据源上准备、处理和执行复杂的 ETL 操作。后面的章节介绍了财务数据的时间序列分析,同
时还介绍了机器学习的几个热点,例如数据分类、回归、聚类、关联规则挖掘、降维等。本书的结尾中,
你会学到如何解决实际问题,并能够在数据分析过程中轻松地给出解决方案。
2, Data Science for Business: What You Need to Know about Data Mining and Data-
Analytic Thinking
Author: O’Reilly Media
阅读书籍链接:data science for business: what you need to know about data mining and
data-analytic thinking
推荐理由:
本书清晰易懂,适合统计基础一般的人用来先理解 ML 的概念,书中涵盖大量数据科学的概念,读起来通
俗易懂。你可以把书中大框架都理解了再去看别的更偏重理论或算法的书
3, 编程之法:面试和算法心得
Author: July
阅读书籍链接:编程之法 面试和算法心得
推荐理由:
· 蜕变于 CSDN 技术博客 “结构之法算法之道”
· 内容涉及面试、算法、机器学习三大主题
· 作者数年的积累成果
· 进入 IT 行业求职笔试和面试宝典
本书涉及面试、算法、机器学习三个主题。书中的每道编程题目都给出了多种思路、多种解法,不断优
化、逐层递进。第 1 章至第 6 章分别阐述字符串、数组、树、查找、动态规划、海量数据处理等相关的编
程面试题和算法,第 7 章介绍机器学习的两个算法—K 近邻和 SVM。
此外,每一章都有“举一反三”和“习题”,以便读者及时运用所学的方法解决相似的问题,且在附录中收录了
语言、链表、概率等其他题型。书中的每一道题都是面试的高频题目,反复出现在近 5 年各大公司的笔试
和面试中,对面试备考有着极强的参考价值。
面试视频材料:
面试经验分享:
数据科学 DS 面试准备经验总结
面试真题:
Low bias machine learning algorithms — Decision Trees, k-NN and SVM High bias
machine learning algorithms — Linear Regression, Logistic Regression
Variance: Variance is error introduced in your model due to complex machine learning
algorithm, your model learns noise also from the training data set and performs badly on
test data set. It can lead to high sensitivity and overfitting.
Normally, as you increase the complexity of your model, you will see a reduction in error
due to lower bias in the model. However, this only happens until a particular point. As you
continue to make your model more complex, you end up over-fitting your model and
hence your model will start suffering from high variance.
Bias-Variance trade-off: The goal of any supervised machine learning algorithm is to
have low bias and low variance to achieve good prediction performance.
1. The k-nearest neighbour algorithm has low bias and high variance, but the trade-
off can be changed by increasing the value of k which increases the number of
neighbours that contribute to the prediction and in turn increases the bias of the
model.
2. The support vector machine algorithm has low bias and high variance, but the
trade-off can be changed by increasing the C parameter that influences the
number of violations of the margin allowed in the training data which increases the
bias but decreases the variance.
There is no escaping the relationship between bias and variance in machine learning.
Increasing the bias will decrease the variance. Increasing the variance will decrease bias.
The predicted labels will exactly the same if the performance of a binary classifier is perfect.
The predicted labels usually match with part of the observed labels in real-world scenarios.
A binary classifier predicts all data instances of a test data set as either positive or negative.
This produces four outcomes-
Q5. What is the difference between “long” and “wide” format data?
In the wide-format, a subject’s repeated responses will be in a single row, and each
response is in a separate column. In the long-format, each row is a one-time point per
subject. You can recognize data in wide format by the fact that columns generally
represent groups.
However, there are chances that data is distributed around a central value without any
bias to the left or right and reaches normal distribution in the form of a bell-shaped curve.
The random variables are distributed in the form of a symmetrical, bell-shaped curve.
Properties of Normal Distribution are as follows;
Covariance: In covariance two items vary together and it’s a measure that indicates the
extent to which two random variables change in cycle. It is a statistical term; it explains
the systematic relation between a pair of random variables, wherein changes in one
variable reciprocal by a corresponding change in another variable.
Q8. What is the difference between Point Estimates and Confidence Interval?
Point Estimation gives us a particular value as an estimate of a population parameter.
Method of Moments and Maximum Likelihood estimator methods are used to derive
Point Estimators for population parameters.
A confidence interval gives us a range of values which is likely to contain the population
parameter. The confidence interval is generally preferred, as it tells us how likely this
interval is to contain the population parameter. This likeliness or probability is called
Confidence Level or Confidence coefficient and represented by 1 — alpha, where alpha is
the level of significance.
The goal of A/B Testing is to identify any changes to the web page to maximize or increase
the outcome of interest. A/B testing is a fantastic method for figuring out the best online
promotional and marketing strategies for your business. It can be used to test everything
from website copy to sales emails to search ads
An example of this could be identifying the click-through rate for a banner ad.
When you perform a hypothesis test in statistics, a p-value can help you determine the
strength of your results. p-value is a number between 0 and 1. Based on the value it will
denote the strength of the results. The claim which is on trial is called the Null Hypothesis.
Low p-value (≤ 0.05) indicates strength against the null hypothesis which means we can
reject the null Hypothesis. High p-value (≥ 0.05) indicates strength for the null hypothesis
which means we can accept the null Hypothesis p-value of 0.05 indicates the Hypothesis
could go either way. To put it in another way,
High P values: your data are likely with a true null. Low P values: your data are unlikely
with a true null.
Q11. In any 15-minute interval, there is a 20% probability that you will see at least
one shooting star. What is the probability that you see at least one shooting star in
the period of an hour?
Probability of not seeing any shooting star in the period of one hour
= (0.8) ^ 4 = 0.4096
Q12. How can you generate a random number between 1 – 7 with only a die?
• Any die has six sides from 1-6. There is no way to get seven equal outcomes from
a single rolling of a die. If we roll the die twice and consider the event of two rolls,
we now have 36 different outcomes.
• To get our 7 equal outcomes we have to reduce this 36 to a number divisible by 7.
We can thus consider only 35 outcomes and exclude the other one.
• A simple scenario can be to exclude the combination (6,6), i.e., to roll the die again
if 6 appears twice.
• All the remaining combinations from (1,1) till (6,5) can be divided into 7 parts of 5
each. This way all the seven sets of outcomes are equally likely.
Q13. A certain couple tells you that they have two children, at least one of which is
a girl. What is the probability that they have two girls?
where B = Boy and G = Girl and the first letter denotes the first child.
From the question, we can exclude the first case of BB. Thus from the remaining 3
possibilities of BG, GB & BB, we have to find the probability of the case with two girls.
Thus, P(Having two girls given one girl) = 1/3
Q14. 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.
Selecting 10 heads in a row = Selecting fair coin * Getting 10 heads + Selecting an unfair
coin
Q15. What do you understand by statistical power of sensitivity and how do you
calculate it?
Sensitivity is nothing but “Predicted True events/ Total events”. True events here are the
events which were true and model also predicted them as true.
In statistics and machine learning, one of the most common tasks is to fit a model to a set
of training data, so as to be able to make reliable predictions on general untrained data.
To combat overfitting and underfitting, you can resample the data to estimate the model
accuracy (k-fold cross-validation) and by having a validation dataset to evaluate the
model.
It is a theorem that describes the result of performing the same experiment a large
number of times. This theorem forms the basis of frequency-style thinking. It says that
the sample means, the sample variance and the sample standard deviation converge to
what they are trying to estimate.
In statistics, a confounder is a variable that influences both the dependent variable and
independent variable.
For example, if you are researching whether a lack of exercise leads to weight gain,
A confounding variable here would be any other variable that affects both of these
variables, such as the age of the subject.
Q22. What Are the Types of Biases That Can Occur During Sampling?
• Selection bias
• Under coverage bias
• Survivorship bias
It is the logical error of focusing aspects that support surviving some process and casually
overlooking those that did not work because of their lack of prominence. This can lead to
wrong conclusions in numerous different means.
Selection bias occurs when the sample obtained is not representative of the population
intended to be analysed.
The ROC curve is a graphical representation of the contrast between true positive rates
and false-positive rates at various thresholds. It is often used as a proxy for the trade-off
between the sensitivity(true positive rate) and false-positive rate.
Q26. What is TF/IDF vectorization?
The TF–IDF value increases proportionally to the number of times a word appears in the
document but is offset by the frequency of the word in the corpus, which helps to adjust
for the fact that some words appear more frequently in general.
Q27. Why we generally use Softmax non-linearity function as last operation in-
network?
It is because it takes in a vector of real numbers and returns a probability distribution. Its
definition is as follows. Let x be a vector of real numbers (positive, negative, whatever,
there are no constraints).
It should be clear that the output is a probability distribution: each element is non-
negative and the sum over all components is 1.
• Python would be the best option because it has Pandas library that provides easy
to use data structures and high-performance data analysis tools.
• R is more suitable for machine learning than just text analysis.
• Python performs faster for all types of text analytics.
Q29. How does data cleaning plays a vital role in the analysis?
• Cleaning data from multiple sources helps to transform it into a format that data
analysts or data scientists can work with.
• Data Cleaning helps to increase the accuracy of the model in machine learning.
• It is a cumbersome process because as the number of data sources increases, the
time taken to clean the data increases exponentially due to the number of sources
and the volume of data generated by these sources.
• It might take up to 80% of the time for just cleaning data making it a critical part
of the analysis task.
The bivariate analysis attempts to understand the difference between two variables at a
time as in a scatterplot. For example, analyzing the volume of sale and spending can be
considered as an example of bivariate analysis.
Multivariate analysis deals with the study of more than two variables to understand the
effect of variables on the responses.
It is a traditional database schema with a central table. Satellite tables map IDs to physical
names or descriptions and can be connected to the central fact table using the ID fields;
these tables are known as lookup tables and are principally useful in real-time applications,
as they save a lot of memory. Sometimes star schemas involve several layers of
summarization to recover information faster.
Cluster sampling is a technique used when it becomes difficult to study the target
population spread across a wide area and simple random sampling cannot be
applied. Cluster Sample is a probability sample where each sampling unit is a collection
or cluster of elements.
For eg., A researcher wants to survey the academic performance of high school students
in Japan. He can divide the entire population of Japan into different clusters (cities). Then
the researcher selects a number of clusters depending on his research through simple or
systematic random sampling.
Let’s continue our Data Science Interview Questions blog with some more statistics
questions.
Q35. Can you cite some examples where a false positive is important than a false
negative?
Let us first understand what false positives and false negatives are.
• False Positives are the cases where you wrongly classified a non-event as an event
a.k.a Type I error.
• False Negatives are the cases where you wrongly classify events as non-events,
a.k.a Type II error.
Example 1: In the medical field, assume you have to give chemotherapy to patients.
Assume a patient comes to that hospital and he is tested positive for cancer, based on
the lab prediction but he actually doesn’t have cancer. This is a case of false positive. Here
it is of utmost danger to start chemotherapy on this patient when he actually does not
have cancer. In the absence of cancerous cell, chemotherapy will do certain damage to
his normal healthy cells and might lead to severe diseases, even cancer.
Example 2: Let’s say an e-commerce company decided to give $1000 Gift voucher to the
customers whom they assume to purchase at least $10,000 worth of items. They send free
voucher mail directly to 100 customers without any minimum purchase condition because
they assume to make at least 20% profit on sold items above $10,000. Now the issue is if
we send the $1000 gift vouchers to customers who have not actually purchased anything
but are marked as having made $10,000 worth of purchase.
Q36. Can you cite some examples where a false negative important than a false
positive?
Example 1: Assume there is an airport ‘A’ which has received high-security threats and
based on certain characteristics they identify whether a particular passenger can be a
threat or not. Due to a shortage of staff, they decide to scan passengers being predicted
as risk positives by their predictive model. What will happen if a true threat customer is
being flagged as non-threat by airport model?
Example 3: What if you rejected to marry a very good person based on your predictive
model and you happen to meet him/her after a few years and realize that you had a false
negative?
Q37. Can you cite some examples where both false positive and false negatives are
equally important?
In the Banking industry giving loans is the primary source of making money but at the
same time if your repayment rate is not good you will not make any profit, rather you will
risk huge losses.
Banks don’t want to lose good customers and at the same point in time, they don’t want
to acquire bad customers. In this scenario, both the false positives and false negatives
become very important to measure.
Q38. Can you explain the difference between a Validation Set and a Test Set?
A Validation set can be considered as a part of the training set as it is used for parameter
selection and to avoid overfitting of the model being built.
On the other hand, a Test Set is used for testing or evaluating the performance of a
trained machine learning model.
In simple terms, the differences can be summarized as; training set is to fit the parameters
i.e. weights and test set is to assess the performance of the model i.e. evaluating the
predictive power and generalization.
The goal of cross-validation is to term a data set to test the model in the training phase
(i.e. validation data set) in order to limit problems like overfitting and get an insight on
how the model will generalize to an independent data set.
Algorithms: Support Vector Machines, Regression, Naive Bayes, Decision Trees, K-nearest
Neighbor Algorithm and Neural Networks
E.g. If you built a fruit classifier, the labels will be “this is an orange, this is an apple and this
is a banana”, based on showing the classifier examples of apples, oranges and bananas.
Q42. What is Unsupervised learning?
Unsupervised learning is a type of machine learning algorithm used to draw inferences
from datasets consisting of input data without labelled responses.
Algorithms: Clustering, Anomaly Detection, Neural Networks and Latent Variable Models
E.g. In the same example, a fruit clustering will categorize as “fruits with soft skin and lots
of dimples”, “fruits with shiny hard skin” and “elongated yellow fruits”.
The Algorithm is ‘naive’ because it makes assumptions that may or may not turn out to
be correct.
In the diagram, we see that the thinner lines mark the distance from the classifier to the
closest data points called the support vectors (darkened data points). The distance
between the two thin lines is called the margin.
Q49. What are Entropy and Information gain in Decision tree algorithm?
The core algorithm for building a decision tree is
called ID3. ID3 uses Entropy and Information Gain to construct a decision tree.
Entropy
5(86734)
PYTHON PROGRAMMING CERTIFICATION TRAINING
Python Programming Certification Training
Reviews
5(23814)
5(10368)
5(37686)
5(24084)
5(5702)
SAS TRAINING AND CERTIFICATION
SAS Training and Certification
Reviews
5(4597)
5(1262)
4(3753)
Next
A decision tree is built top-down from a root node and involve partitioning of data into
homogenious subsets. ID3 uses enteropy to check the homogeneity of a sample. If the
sample is completely homogenious then entropy is zero and if the sample is an equally
divided it has entropy of one.
Information Gain
The Information Gain is based on the decrease in entropy after a dataset is split on an
attribute. Constructing a decision tree is all about finding attributes that return the highest
information gain.
Q50. What is pruning in Decision Tree?
Pruning is a technique in machine learning and search algorithms that reduces the size
of decision trees by removing sections of the tree that provide little power to classify
instances. So, when we remove sub-nodes of a decision node, this process is
called pruning or opposite process of splitting.
Q51. What is logistic regression? State an example when you have used logistic regression
recently.
Logistic Regression often referred to as the logit model is a technique to predict the
binary outcome from a linear combination of predictor variables.
For example, if you want to predict whether a particular political leader will win the
election or not. In this case, the outcome of prediction is binary i.e. 0 or 1 (Win/Lose). The
predictor variables here would be the amount of money spent for election campaigning
of a particular candidate, the amount of time spent in campaigning, etc.
An example of collaborative filtering can be to predict the rating of a particular user based
on his/her ratings for other movies and others’ ratings for all movies. This concept is
widely used in recommending movies in IMDB, Netflix & BookMyShow, product
recommenders in e-commerce sites like Amazon, eBay & Flipkart, YouTube video
recommendations and game recommendations in Xbox.
All extreme values are not outlier values. The most common ways to treat outlier values
If there are no patterns identified, then the missing values can be substituted with mean
or median values (imputation) or they can simply be ignored. Assigning a default value
which can be mean, minimum or maximum value. Getting into the data is important.
If it is a categorical variable, the default value is assigned. The missing value is assigned a
default value. If you have a distribution of data coming, for normal distribution give the
mean value.
If 80% of the values for a variable are missing then you can answer that you would be
dropping the variable instead of treating the missing values.
Q60. How will you define the number of clusters in a clustering algorithm?
Though the Clustering Algorithm is not specified, this question is mostly in reference to K-
Means clustering where “K” defines the number of clusters. The objective of clustering is
to group similar entities in a way that the entities within a group are similar to each other
but the groups are different from each other.
Within Sum of squares is generally used to explain the homogeneity within a cluster. If
you plot WSS for a range of number of clusters, you will get the plot shown below.
• The Graph is generally known as Elbow Curve.
• Red circled a point in above graph i.e. Number of Cluster =6 is the point after
which you don’t see any decrement in WSS.
• This point is known as the bending point and taken as K in K – Means.
This is the widely used approach but few data scientists also use Hierarchical clustering
first to create dendrograms and identify the distinct groups from there.
Bagging
Bagging tries to implement similar learners on small sample populations and then takes
a mean of all the predictions. In generalised bagging, you can use different learners on
different population. As you expect this helps us to reduce the variance error.
Boosting
Q65. What cross-validation technique would you use on a time series data set?
Instead of using k-fold cross-validation, you should be aware of the fact that a time
series is not randomly distributed data — It is inherently ordered by chronological order.
In case of time series data, you should use techniques like forward=chaining — Where
you will be model on past data then look at forward-facing data.
Q68. If you are having 4GB RAM in your machine and you want to train your model on
10GB data set. How would you go about this problem? Have you ever faced this kind of
problem in your machine learning/data science experience so far?
First of all, you have to ask which ML model you want to train.
For Neural networks: Batch size with Numpy array will work.
Steps:
1. Load the whole data in the Numpy array. Numpy array has a property to create a
mapping of the complete data set, it doesn’t load complete data set in memory.
2. You can pass an index to Numpy array to get required data.
3. Use this data to pass to the Neural network.
4. Have a small batch size.
Steps:
However, you could actually face such an issue in reality. So, you could check out
the best laptop for Machine Learning to prevent that. Having said that, let’s move on
to some questions on deep learning.
DEEP LEARNING INTERVIEW QUESTIONS
Q69. What do you mean by Deep Learning?
Deep Learning is nothing but a paradigm of machine learning which has shown
incredible promise in recent years. This is because of the fact that Deep Learning shows a
great analogy with the functioning of the human brain.
Q70. What is the difference between machine learning and deep learning?
Machine learning is a field of computer science that gives computers the ability to learn
without being explicitly programmed. Machine learning can be categorised in the
following three categories.
Q71. What, in your opinion, is the reason for the popularity of Deep Learning in recent
times?
Now although Deep Learning has been around for many years, the major breakthroughs
from these techniques came just in recent years. This is because of two main reasons:
GPUs are multiple times faster and they help us build bigger and deeper deep learning
models in comparatively less time than we required previously.
Q72. What is reinforcement learning?
Initializing all weights to 0: This makes your model similar to a linear model. All the
neurons and every layer perform the same operation, giving the same output and making
the deep net useless.
Initializing all weights randomly: Here, the weights are assigned randomly by initializing
them very close to 0. It gives better accuracy to the model since every neuron performs
different computations. This is the most commonly used method.
Also referred to as “loss” or “error,” cost function is a measure to evaluate how good your
model’s performance is. It’s used to compute the error of the output layer during
backpropagation. We push that error backwards through the neural network and use that
during the different training functions.
With neural networks, you’re usually working with hyperparameters once the data is
formatted correctly. A hyperparameter is a parameter whose value is set before the
learning process begins. It determines how a network is trained and the structure of the
network (such as the number of hidden units, the learning rate, epochs, etc.).
Q78. What Will Happen If the Learning Rate Is Set inaccurately (Too Low or Too
High)?
When your learning rate is too low, training of the model will progress very slowly as we
are making minimal updates to the weights. It will take many updates before reaching the
minimum point.
If the learning rate is set too high, this causes undesirable divergent behaviour to the loss
function due to drastic updates in weights. It may fail to converge (model can give a good
output) or even diverge (data is too chaotic for the network to train).
Q79. What Is the Difference Between Epoch, Batch, and Iteration in Deep Learning?
• Epoch – Represents one iteration over the entire dataset (everything put into the
training model).
• Batch – Refers to when we cannot pass the entire dataset into the neural network
at once, so we divide the dataset into several batches.
• Iteration – if we have 10,000 images as data and a batch size of 200. then an epoch
should run 50 iterations (10,000 divided by 50).
Both these networks RNN and feed-forward named after the way they channel
information through a series of mathematical orations performed at the nodes of the
network. One feeds information through straight(never touching the same node twice),
while the other cycles it through a loop, and the latter are called recurrent.
Recurrent networks, on the other hand, take as their input, not just the current input
example they see, but also the what they have perceived previously in time.
The decision a recurrent neural network reached at time t-1 affects the decision that it will
reach one moment later at time t. So recurrent networks have two sources of input, the
present and the recent past, which combine to determine how they respond to new data,
much as we do in life.
The error they generate will return via backpropagation and be used to adjust their
weights until error can’t go any lower. Remember, the purpose of recurrent nets is to
accurately classify sequential input. We rely on the backpropagation of error and gradient
descent to do so.
Q83. How Does an LSTM Network Work?
Long-Short-Term Memory (LSTM) is a special kind of recurrent neural network capable
of learning long-term dependencies, remembering information for long periods as its
default behaviour. There are three steps in an LSTM network:
A gradient measures how much the output of a function changes if you change the
inputs a little bit. It simply measures the change in all weights with regard to the change
in error. You can also think of a gradient as the slope of a function.
Gradient Descent can be thought of climbing down to the bottom of a valley, instead
of climbing up a hill. This is because it is a minimization algorithm that minimizes a
given function (Activation Function).
This has the effect of your model is unstable and unable to learn from your training
data.
Dropout is a technique of dropping out hidden and visible units of a network randomly
to prevent overfitting of data (typically dropping 20 per cent of the nodes). It doubles the
number of iterations needed to converge the network.
Batch normalization is the technique to improve the performance and stability of neural
networks by normalizing the inputs in every layer so that they have mean output
activation of zero and standard deviation of one.
Q97. What Is the Difference Between Batch Gradient Descent and Stochastic Gradient
Descent?
Batch Gradient Descent Stochastic Gradient Descent
The batch gradient computes the gradient The stochastic gradient computes the
using the entire dataset. gradient using a single sample.
It takes time to converge because the It converges much faster than the batch
volume of data is huge, and weights update gradient because it updates weight more
slowly. frequently.
Q98. Why Is Tensorflow the Most Preferred Library in Deep Learning?
Tensorflow provides both C++ and Python APIs, making it easier to work on and has a
faster compilation time compared to other Deep Learning libraries like Keras and Torch.
Tensorflow supports both CPU and GPU computing devices.
Q100.
What is the Computational Graph?
Everything in a tensorflow is based on creating a computational graph. It has a network
of nodes where each node operates, Nodes represent mathematical operations, and
edges represent tensors. Since data flows in the form of a graph, it is also called a
“DataFlow Graph.”
The forger will try different techniques to sell fake wine and make sure specific techniques
go past the shop owner’s check. The shop owner would probably get some feedback from
wine experts that some of the wine is not original. The owner would have to improve how
he determines whether a wine is fake or authentic.
The forger’s goal is to create wines that are indistinguishable from the authentic ones
while the shop owner intends to tell if the wine is real or not accurately
Let us understand this example with the help of an image.
The Discriminator gets two inputs; one is the fake wine, while the other is the real
authentic wine. The shop owner has to figure out whether it is real or fake.
So, there are two primary components of Generative Adversarial Network (GAN) named:
1. Generator
2. Discriminator
The generator is a CNN that keeps keys producing images and is closer in appearance to
the real images while the discriminator tries to determine the difference between real and
fake images The ultimate aim is to make the discriminator learn to identify real and fake
images.
Apart from the very technical questions, your interviewer could even hit you up with a
few simple ones to check your overall confidence, in the likes of the following.
Q102. What are the important skills to have in Python with regard to data analysis?
The following are some of the important skills to possess which will come handy when
performing data analysis using Python.
• Good understanding of the built-in data types especially lists, dictionaries, tuples,
and sets.
• Mastery of N-dimensional NumPy Arrays.
• Mastery of Pandas dataframes.
• Ability to perform element-wise vector and matrix operations on NumPy arrays.
• Knowing that you should use the Anaconda distribution and the conda package
manager.
• Familiarity with Scikit-learn. **Scikit-Learn Cheat Sheet**
• Ability to write efficient list comprehensions instead of traditional for loops.
• Ability to write small, clean functions (important for any developer), preferably pure
functions that don’t alter objects.
• Knowing how to profile the performance of a Python script and how to optimize
bottlenecks.
The following will help to tackle any problem in data analytics and machine learning.