2018-10
2018-10-18
Q: How can you check if a data set or time series is Random?
A: To check whether a data set is random or not, use the lag plot. If the lag plot for the given data set does not show any structure then it is random.
A lag plot checks whether a data set or time series is random or not. Random data should not exhibit any identifiable structure in the lag plot. Non-random structure in the lag plot indicates that the underlying data are not random. Several common patterns for lag plots are shown in the examplesbelow.
2018-10-19
Question: You are working on a time series data set. Your manager has asked you to build a high accuracy model. You start with the decision tree algorithm, since you know it works fairly well on all kinds of data. Later, you tried a time series regression model and got higher accuracy than decision tree model. Can this heppen? Why?
Answer: Time series data is known to posses linearity. On the other hand, a decision tree algorithm is known to work best to detect non-linear interactions. The reason why decision tree failed to provide robust predictions because it couldn’t map the linear relationship as good as a regression model did. Therefore, we learned that, a linear regression model can provide robust prediction given the data set satisfies its linearity assumptions.
2018-10-20
Question: What is seasonality in time series modelling?
Answer:
Seasonality in time series occurs when time series shows a repeated pattern over time. E.g., stationary sales decreases during holiday season, air conditioner sales increases during the summers etc. are few examples of seasonality in a time series.
Seasonality makes your time series non-stationary because average value of the variables at different time periods. Differentiating a time series is generally known as the best method of removing seasonality from a time series. Seasonal differencing can be defined as a numerical difference between a particular value and a value with a periodic lag.
2018-10-21
Question: Give some classification situations where you will use an SVM over a RandomForest Machine Learning algorithm and vice-versa.
Answer:
- When the data is outlier free and clean then go for SVM. If your data might contain outliers then Random forest would be the best choice
- Generally, SVM consumes more computational power than Random Forest, so if you are constrained with memory go for Random Forest machine learning algorithm.
- Random Forest gives you a very good idea of variable importance in your data, so if you want to have variable importance then choose Random Forest machine learning algorithm.
- Random Forest machine learning algorithms are preferred for multiclass problems.
- SVM is preferred in multi-dimensional problem set - like text classification
2018-10-22
Question: How to define the number of clusters?
Answer: The elbow method
This method looks at the percentage of variance explained as a function of the number of clusters: choose a number of clusters so that adding another wouldn’t add significant information to modeling.
X-means clustering
A variation of k-means clustering that refines cluster assignments by repeatedly attempting optimal subdivision, until a criteria such as AIC or BIC is reached.
Cross Validation
Partition the data into k folds, and each of the folds is set aside at turn as a test set. A clustering model is then computed on the other k − 1 training sets, and the value of the objective function (for example, the sum of the squared distances to the centroids for k-means) calculated for the test set. Compare the averages of these k values for each alternative number of clusters, and select the number of cluster such that a further increase leads to only a small reduction in the objective function.
Reference: https://en.wikipedia.org/wiki/Determining_the_number_of_clusters_in_a_data_set
2018-10-23
Question: A/B测试有什么作用?
Answer: 它是对具有两个变量A和B的随机实验的统计假设检验.A / B测试的目标是识别网页的任何变化以最大化或增加收益的结果。 一个例子可以是识别横幅广告的点击率。
2018-10-24
Question: 什么是Boosting和Stacking,两者有什么不同?
Answer:
- Boosting提供预测变量的顺序学习。 第一个预测器是在整个数据集上学习的,而后续的预测器则是基于前一个预测器的结果在训练集上学习的。 它首先对原始数据集进行分类,并为每个观察值赋予相同的权重。 如果使用第一个学习器预测分类错误,那么给予分错类的观察样例更高的权重。 作为一个迭代过程,它继续添加分类器学习器,直到达到模型数量或精度的限制。 Boosting显示出比Bagging更好的预测准确性,但它也倾向于过度拟合训练数据。
- Stacking 分为两个阶段。 首先,我们使用多个基本分类器来预测类。 其次,将基分类器的预测组合起来作为一个新学习器,以减少泛化错误。
2018-10-25
Question:
朴素贝叶斯的优点和缺点是什么?
Answer:
优点:
- 预测测试数据集类很容易,也很快。 它在多类预测中也表现良好。
- 当独立性假设成立时,Naive Bayes分类器与逻辑回归等其他模型相比表现更好,需要的训练数据更少。
- 与数值变量相比,它在分类输入变量的情况下表现良好。 对于数值变量,假设正态分布(钟形曲线,这是一个强有力的假设)
缺点:
- 如果分类变量具有在训练数据集中未观察到的类别(在测试数据集中),则模型将指定0(零)概率并且将无法进行预测。 这通常被称为“零频率”。 为了解决这个问题,我们可以使用平滑技术。 最简单的平滑技术之一称为拉普拉斯估计。
- 在另一方面朴素贝叶斯也被称为一个坏的估计,这样的概率输出形式predict_proba不应太认真对待。
- 朴素贝叶斯的另一个限制是预测变量独立性的假设。 在现实生活中,我们几乎不可能得到一组完全独立的预测变量。
2018-10-26
Question: 给我一些关于Naive Bayes算法应用的例子。
Answer:
- 实时预测:朴素贝叶斯是一个热切的学习分类器,它确实很快。 因此,它可以用于实时预测。
- 多类预测:该算法对于多类预测特征也是众所周知的。 在这里,我们可以预测多类目标变量的概率。
- 文本分类/垃圾邮件过滤/情感分析:与其他算法相比,主要用于文本分类的朴素贝叶斯分类器(由于更好地导致多类问题和独立性规则)具有更高的成功率。 因此,它被广泛用于垃圾邮件过滤(识别垃圾邮件)和情感分析(在社交媒体分析中,以识别积极和消极的客户情绪)
- 推荐系统:朴素贝叶斯分类器和协同过滤一起构建一个推荐系统,该系统使用机器学习和数据挖掘技术来过滤看不见的信息并预测用户是否想要一个给定的资源
2018-10-27
Question: 描述什么是决策树算法
Answer: 决策树是一种监督学习算法。 它适用于分类和连续输入和输出变量。 在该技术中,我们基于输入变量中最重要的分裂器/微分器将群体或样本分成两个或更多个同构集(或子群)
2018-10-30
Question: Whats’s the advantages and disadvantages of decision tree?
Answer:
Advantage:
- 易于理解:决策树输出非常容易理解。 它的图形表示非常直观,用户可以轻松地将他们的假设联系起来。
- 在数据探索中很有用:决策树是识别最重要变量和两个或多个变量之间关系的最快方法之一。 在决策树的帮助下,我们可以创建具有更好预测目标变量能力的新变量/特征。 它也可以用于数据探索阶段。 例如,我们正在研究一个问题,即我们有数百个变量可用的信息,决策树将有助于识别最重要的变量。
- 需要更少的数据清理:与其他一些建模技术相比,它需要更少的数据清理。 它不受异常值和缺失值的影响。
- 数据类型不是约束:它可以处理数字和分类变量。
- 非参数方法:决策树被认为是非参数方法。 这意味着决策树没有关于空间分布和分类器结构的假设。
Disadvantages:
- 过度拟合:过度拟合是决策树模型最实际的难点之一。 通过设置模型参数和修剪的约束来解决此问题。
- 不适合连续变量:在处理连续数值变量时,决策树在对不同类别的变量进行分类时会丢失信息。
2018-10-31
Question: What are the primary differences & similarity between classification and regression tree?
Answer:
- 当因变量是连续的时,使用回归树。 因变量是分类时使用分类树。
- 在回归树的情况下,训练数据中终端节点获得的值是落在该区域中的观察的平均响应。 因此,如果看不见的数据观察属于该区域,我们将使用平均值进行预测。
- 在分类树的情况下,终端节点在训练数据中获得的值(类)是落在该区域中的观察模式。 因此,如果看不见的数据观察属于该区域,我们将使用模式值进行预测。
- 两棵树都将预测空间(自变量)划分为不同的和不重叠的区域。 为简单起见,您可以将这些区域视为高维盒子或盒子。
- 树都遵循自上而下的贪婪方法,称为递归二进制分裂。 我们将其称为“自上而下”,因为当所有观察在单个区域中可用时,它从树的顶部开始,并且连续地将预测器空间分成树下的两个新分支。 它被称为’贪婪’,因为该算法仅关注当前的分裂,而不关心将来会导致更好的树的分裂。
- 继续该拆分过程,直到达到用户定义的停止标准。
- 在这两种情况下,分裂过程都会导致树木完全生长,直到达到停止标准。 但是,完全成长的树可能会过度填充数据,导致看不见的数据的准确性很差。
2018-11
2018-11-01
Question: How does a tree decide where to split?
Answer: The decision criteria is different for classification and regression trees.
分类和回归树的决策标准不同。
Decision trees use multiple algorithms to decide to split a node in two or more sub-nodes. The creation of sub-nodes increases the homogeneity of resultant sub-nodes.
决策树使用多种算法来决定将节点拆分为两个或更多个子节点。 子节点的创建增加了所得子节点的同质性。
Decision tree splits the nodes on all available variables and then selects the split which results in most homogeneous sub-nodes. Some most commonly used algorithms to split the node are: Gini Index, Chi-Square, Information Gain, Reduction in Variance.
决策树在所有可用变量上拆分节点,然后选择导致最同质子节点的拆分。 一些最常用的分割节点的算法是:基尼指数,卡方,信息增益,方差减少。
2018-11-02
Question: Tell me some majors issues needed to be considered in supervised machine learning?
告诉我一些在监督机器学习中需要考虑的专业问题?
Answer:
- Bias-variance tradeoff
偏差 - 方差权衡 - Function complexity and amount of training data
功能复杂性和训练数据量 - Dimensionality of the input space
输入空间的维度 - Noise in the out put values
输出值中的噪声 - Input data problems such as Heterogeneity of the data. Redundancy in the data and Presence of interactions and non-linearities.
输入数据问题,例如数据的异构性。 数据中的冗余以及交互和非线性的存在
Reference: https://en.wikipedia.org/wiki/Supervised_learning
2018-11-03
Question: What are methods to make a predictive model robust to outliers?
有哪些方法可以使预测模型对异常值具有鲁棒性
Answer:
- Use a model that is resistant to outliers. Tree-based models are not as affected by outliers as regression models. For statistical tests, choose non -parametric test instead of parametric test
使用对异常值有抵抗力的模型。 基于树的模型不像回归模型那样受到异常值的影响。 对于统计测试,请选择非参数测试而不是参数测试 - Use a more robust error metric. For instance, use absolute mean difference instead of mean squared error to reduce the effect of outliers
使用更强大的错误指标。 例如,使用绝对平均差而不是均方误差来减少异常值的影响 - Winsorize the data. Cap the data at a certain threshold
对数据进行Winsorize。 将数据限制在特定阈值 - Transform the data. If the data has a pronounced right tail, use log transform
转换数据。 如果数据具有明显的右尾,请使用log 转换 - Remove the outliers. If there are very few of outliers and you are certain that they are anomalies not worth predicting
删除异常值。 如果极少数异常值并且您确定它们是不值得预测的异常
Reference: https://www.quora.com/What-are-methods-to-make-a-predictive-model-more-robust-to-outliers
2018-11-06
Question: How does the KNN algorithm work?
Answer: KNN是一种有监督的机器学习算法,基本上它基于从查询实例到训练样本的最小距离来确定K-最近邻居是查询实例的预测。 它可以用于分类和回归问题。
2018-11-07
Question: How do we choose the factor K?
Answer: 较小的K将导致结果有很大的差异,较大的K将使每个点分类为最可能的类。 因此,我们需要做的是将一部分训练数据留作验证集,然后更改不同数量的K以查看哪一个能够获得最佳性能。
2018-11-08
Question: Talk about how K-D Tree improve the KNN
Answer:
- k-d树是二叉树,其中每个节点是k维点。 每个非叶节点都可以被认为是隐式生成一个分裂超平面,它将空间划分为两个部分,称为半空间。 该超平面左侧的点由该节点的左子树表示,超平面右侧的点由右子树表示。 超平面方向按以下方式选择:树中的每个节点与k维度中的一个相关联,超平面垂直于该维度的轴。
- 基本上,KD Tree将数据集划分为几个区域,这次当我们计算查询实例的距离时,我们计算它到所有其他数据点的距离,我们只计算在同一区域内的数据的距离 使用查询实例,从而减少计算时间的复杂性。
2018-11-09
Question: Describe the basic steps to do the PCA(Principal Components Analysis)
Answer:
- 标准化数据
- 从协方差矩阵获得特征向量和特征值用于相关矩阵,或执行
- 奇异向量分解。
- 按降序对特征值进行排序,并选择与k个最大特征值对应的k个特征向量,其中k是新特征子空间的维数
- 从所选择的k个本征向量构造投影矩阵W.
- 通过W变换原始数据集X以获得k-维度特征子空间Y.
2018-11-10
Question: What is Random Projection?
什么是随机投影
Answer: It is a unsupervised machine learning method to do the dimension reduction.
这是一种无监督的机器学习方法来进行降维。
It creates a minimum reduced dimension k which can make the new pairwise data distance preserved within an accepted error comparing to the original pairwise data distance
它创建了最小缩减尺寸k,这可以使新的成对数据距离与原始成对数据距离相比保持在可接受的误差内