,Unnamed: 0,input_text,target_text 0,1926,"In a supervised learning model, the algorithm learns on a labeled dataset, providing an answer key that the algorithm can use to evaluate its accuracy on training data. An unsupervised model, in contrast, provides unlabeled data that the algorithm tries to make sense of by extracting features and patterns on its own.",What is unsupervised learning how does it relate to supervised learning 1,6500,"Set the significance level, , the probability of making a Type I error to be small — 0.01, 0.05, or 0.10. Compare the P-value to . If the P-value is less than (or equal to) , reject the null hypothesis in favor of the alternative hypothesis. If the P-value is greater than , do not reject the null hypothesis.",How do you reject the null hypothesis based on P value 2,5755,Minibatch Discrimination is a discriminative technique for generative adversarial networks where we discriminate between whole minibatches of samples rather than between individual samples. This is intended to avoid collapse of the generator.,What is minibatch discrimination 3,3957,"Eigenvectors can be used to represent a large dimensional matrix. This means that a matrix M and a vector o can be replaced by a scalar n and a vector o. In this instance, o is the eigenvector and n is the eigenvalue and our target is to find o and n.",What do the eigenvectors indicate 4,5974,"Machine learning (ML) systems promise disruptive capabilities in multiple industries. Behind the hype, there are three essential risks to analyze when building an ML system: 1) poor problem solution alignment, 2) excessive time or monetary cost, and 3) unexpected behavior once deployed.",What is risk in machine learning 5,7329,"There are two types of estimations used: point and interval. A point estimation is a type of estimation that uses a single value, a sample statistic, to infer information about the population. Interval estimation is the range of numbers in which a population parameter lies considering margin of error.",What are the types of estimation in statistics 6,1138,"In terms of machine learning, ""concept learning"" can be defined as: “The problem of searching through a predefined space of potential hypotheses for the hypothesis that best fits the training examples.” — Tom Michell. Much of human learning involves acquiring general concepts from past experiences.",What is concept in machine learning 7,7236,"The sample frame, or sample universe, is the data that our sample is drawn from. In the case of the March, 2000 CPS, the sample universe includes all people residing in the US in March, 2000, who were not living in institutional settings. In theory, our sample is drawn from the sample universe.",What is universe and sampling 8,524,"We reject the null hypothesis when the p-value is less than α. But 0.07 > 0.05 so we fail to reject H0. For example if the p-value = 0.08, then we would fail to reject H0 at the significance level of α=0.05 since 0.08 > 0.05, but we would reject H0 at the significance level of α = 0.10 since 0.08 < 0.10.",Do you reject or fail to reject h0 at the 0.05 level of significance 9,97,"Regression is primarily used to build models/equations to predict a key response, Y, from a set of predictor (X) variables. Correlation is primarily used to quickly and concisely summarize the direction and strength of the relationships between a set of 2 or more numeric variables.",Should I use correlation or regression 10,8319,"For example, an ANOVA test assumes that the variances of different populations are equal (i.e. homogeneous). One example of a test is the Chi-Square Test for Homogeneity. This tests to see if two populations come from the same unknown distribution (if they do, then they are homogeneous).",How do you know if a population is homogeneous 11,7210,"Least squares also has issues dealing with multicollinearity in data. Ridge regression avoids all of these problems. It works in part because it doesn't require unbiased estimators; While least squares produces unbiased estimates, variances can be so large that they may be wholly inaccurate.",Why does ridge regression improve over Least Squares 12,4430,"Page 1. Abstract: Structural Vector Autoregressions (SVARs) are a multivariate, linear repre- sentation of a vector of observables on its own lags. SVARs are used by economists to recover economic shocks from observables by imposing a minimum of assumptions compatible with a large class of models.",What is a structural vector autoregressive model 13,1185,"Time series regression is a statistical method for predicting a future response based on the response history (known as autoregressive dynamics) and the transfer of dynamics from relevant predictors. Time series regression is commonly used for modeling and forecasting of economic, financial, and biological systems.",What are some methods of time series regression analysis 14,6093,"Control variables are usually variables that you are not particularly interested in, but that are related to the dependent variable. You want to remove their effects from the equation. A control variable enters a regression in the same way as an independent variable - the method is the same.",How does one control for a variable in multivariate regression 15,1482,"For example, you could be: 25 years, 10 months, 2 days, 5 hours, 4 seconds, 4 milliseconds, 8 nanoseconds, 99 picosends…and so on. Time is a continuous variable. You could turn age into a discrete variable and then you could count it.",What are examples of discrete and continuous variables 16,6463,"DeepDream is a computer vision program created by Google engineer Alexander Mordvintsev that uses a convolutional neural network to find and enhance patterns in images via algorithmic pareidolia, thus creating a dream-like hallucinogenic appearance in the deliberately over-processed images.",What is the deep dream generator 17,1326,4.3 The method: evolutionary computation. EC is a computational intelligence technique inspired from natural evolution. An EC algorithm starts with creating a population consisting of individuals that represent solutions to the problem. The first population could be created randomly or fed into the algorithm.,What is evolutionary computation in AI 18,3726,"Cluster Analysis and Factor Analysis. Latent Class Analysis is similar to cluster analysis. Observed data is analyzed, connections are found, and the data is grouped into clusters. Another difference is that LCA includes discrete latent categorical variables that have a multinomial distribution.",What is the difference between cluster analysis and latent class analysis 19,4257,"When comparing two groups, you need to decide whether to use a paired test. When comparing three or more groups, the term paired is not apt and the term repeated measures is used instead. Use an unpaired test to compare groups when the individual values are not paired or matched with one another.",What statistical analysis should I use to compare two groups 20,2979,"In neural networks, Convolutional neural network (ConvNets or CNNs) is one of the main categories to do images recognition, images classifications. Objects detections, recognition faces etc., are some of the areas where CNNs are widely used.",What is convolutional neural network in image processing 21,1233,"HMMs is the Hidden Markov Models library for Python. It is easy to use, general purpose library, implementing all the important submethods, needed for the training, examining and experimenting with the data models.",What is the best Python library for Hidden Markov Models 22,6818,"These lessons on probability will include the following topics: Samples in probability, Probability of events, Theoretical probability, Experimental probability, Probability problems, Tree diagrams, Mutually exclusive events, Independent events, Dependent events, Factorial, Permutations, Combinations, Probability in",What are the topics in probability 23,7112,"In short, Softmax Loss is actually just a Softmax Activation plus a Cross-Entropy Loss. Softmax is an activation function that outputs the probability for each class and these probabilities will sum up to one. Cross Entropy loss is just the sum of the negative logarithm of the probabilities.",Is the softmax loss the same as the cross entropy loss 24,1674,"In mathematical optimization and decision theory, a loss function or cost function is a function that maps an event or values of one or more variables onto a real number intuitively representing some ""cost"" associated with the event. In optimal control, the loss is the penalty for failing to achieve a desired value.",What does loss function do 25,270,"TensorFlow Federated (TFF) is an open-source framework for machine learning and other computations on decentralized data. For example, FL has been used to train prediction models for mobile keyboards without uploading sensitive typing data to servers.",What is TensorFlow Federated 26,7347,"There are two reasons why Mean Squared Error(MSE) is a bad choice for binary classification problems: If we use maximum likelihood estimation(MLE), assuming that the data is from a normal distribution(a wrong assumption, by the way), we get the MSE as a Cost function for optimizing our model.",Why is squared loss bad for classification 27,867,"(e.g. if P=1/256, that's 8 bits.) Entropy is just the average of that information bit length, over all the outcomes. The purpose of log(pi) appearing in Shannon's Entropy is that log(pi) is the only function satisfying the basic set of properties that the entropy function, H(p1,…,pN), is held to embody.",Why log is used in entropy 28,1262,"One of the most intuitive explanations of eigenvectors of a covariance matrix is that they are the directions in which the data varies the most. The eigenvectors of the covariance matrix of these data samples are the vectors u and v; u, longer arrow, is the first eigenvector and v, the shorter arrow, is the second.",What is an eigenvector of a covariance matrix 29,5579,Joint probability is the probability of two events occurring simultaneously. Marginal probability is the probability of an event irrespective of the outcome of another variable. Conditional probability is the probability of one event occurring in the presence of a second event.,What is joint Marginal and conditional probability 30,1088,"In many situations, the degrees of freedom are equal to the number of observations minus one. Thus, if the sample size were 20, there would be 20 observations; and the degrees of freedom would be 20 minus 1 or 19.",How do you find the degrees of freedom for an F test 31,8440,"In artificial intelligence, an expert system is a computer system that emulates the decision-making ability of a human expert. Expert systems are designed to solve complex problems by reasoning through bodies of knowledge, represented mainly as if–then rules rather than through conventional procedural code.",How are expert systems used 32,3543,"In probability theory and statistics, the gamma distribution is a two-parameter family of continuous probability distributions. The exponential distribution, Erlang distribution, and chi-squared distribution are special cases of the gamma distribution.",Is gamma distribution discrete or continuous 33,4583,Selection Sort in CExample of Selection Sort.Algorithm for Selection Sort:Step 1 − Set min to the first location.Step 2 − Search the minimum element in the array.Step 3 – swap the first location with the minimum value in the array.Step 4 – assign the second element as min.Step 5 − Repeat the process until we get a sorted array.More items•,How do you write an algorithm for a selection sort 34,8639,"More formally, statistical power is the probability of finding a statistically significant result, given that there really is a difference (or effect) in the population. So, larger sample sizes give more reliable results with greater precision and power, but they also cost more time and money.",How does sample size affect the accuracy of your sample 35,355,"The method cannot be considered to derive composite relations. Examples s = ut + 1/2 at2 and 2as = v2 – u2. A formula containing trigonometric function, exponential function, and logarithmic function can not derive from it. The method cannot be used to derive the relationship between more than three quantities.",What are the disadvantages of dimensional analysis 36,320,"In probability theory and related fields, a stochastic or random process is a mathematical object usually defined as a family of random variables. Stochastic processes are widely used as mathematical models of systems and phenomena that appear to vary in a random manner.",What is probability and random process 37,3273,"From Wikipedia, the free encyclopedia. The control variates method is a variance reduction technique used in Monte Carlo methods. It exploits information about the errors in estimates of known quantities to reduce the error of an estimate of an unknown quantity.",What is control variates in variance reduction 38,5910,"Tests for randomness can be used to determine whether a data set has a recognisable pattern, which would indicate that the process that generated it is significantly non-random. These generators do not always generate sequences which are sufficiently random, but instead can produce sequences which contain patterns.",What does randomness in data signify 39,763,Deep learning neural networks are trained using the stochastic gradient descent optimization algorithm. The learning rate is a hyperparameter that controls how much to change the model in response to the estimated error each time the model weights are updated.,Why is learning rate used in gradient descent optimization 40,270,"""Degrees of freedom"" is commonly abbreviated to df. When this principle of restriction is applied to regression and analysis of variance, the general result is that you lose one degree of freedom for each parameter estimated prior to estimating the (residual) standard deviation.",Is degrees of freedom the same as standard deviation 41,8627,0:001:38Suggested clip · 98 secondsFind the matrix A given the eigenvalues and eigenvectors - YouTubeYouTubeStart of suggested clipEnd of suggested clip,How do you find eigenvectors from eigenvalues and matrices 42,7119,"Long short-term memory (LSTM) is an artificial recurrent neural network (RNN) architecture used in the field of deep learning. LSTM networks are well-suited to classifying, processing and making predictions based on time series data, since there can be lags of unknown duration between important events in a time series.",What is Lstm in machine learning 43,211,"""Normal"" data are data that are drawn (come from) a population that has a normal distribution. This distribution is inarguably the most important and the most frequently used distribution in both the theory and application of statistics. If X is a normal random variable, then the probability distribution of X is.",What is a normal population distribution 44,364,"We use three main types of layers to build ConvNet architectures: Convolutional Layer, Pooling Layer, and Fully-Connected Layer (exactly as seen in regular Neural Networks). We will stack these layers to form a full ConvNet architecture. Example Architecture: Overview.",How many layers does CNN have 45,390,Advantages of convenience samplingConvenience sampling is vey easy to carry out with few rules governing how the sample should be collected.The relative cost and time required to carry out a convenience sample are small in comparison to probability sampling techniques.More items,What are the advantages of convenience sampling 46,5132,"In probability, the set of outcomes from an experiment is known as an Event. So say for example you conduct an experiment by tossing a coin. The outcome of this experiment is the coin landing 'heads' or 'tails'. These can be said to be the events connected with the experiment.",What is an event in probability example 47,1601,"To develop or improve your inductive reasoning, focus on the following skills: Paying attention to detail: No one can draw conclusions based on details without first noticing those details; paying attention is crucial to inductive reasoning.",How does one improve his or her inductive reasoning skills 48,3402,"Augmented Analytics This form of analytics is going to play a huge role in analysing data in 2020. Augmented analytics is going to be the future of data analytics because it can scrub raw data for valuable parts for analysis, automating certain parts of the process and making the data preparation process easier.",What is future of data analytics 49,8163,"If your regression model contains independent variables that are statistically significant, a reasonably high R-squared value makes sense. The statistical significance indicates that changes in the independent variables correlate with shifts in the dependent variable.",How do you know if a regression variable is significant 50,6988,"State–action–reward–state–action (SARSA) is an algorithm for learning a Markov decision process policy, used in the reinforcement learning area of machine learning. The acronym for the quintuple (st, at, rt, st+1, at+1) is SARSA.",What is sarsa in machine learning 51,770,"How to Detect Omitted Variable Bias and Identify Confounding Variables. You saw one method of detecting omitted variable bias in this post. If you include different combinations of independent variables in the model, and you see the coefficients changing, you're watching omitted variable bias in action!",How do you identify omitted variable bias 52,342,"Typical discriminative models include logistic regression (LR), support vector machines (SVM), conditional random fields (CRFs) (specified over an undirected graph), decision trees, neural networks, and many others.",Is neural network discriminative model 53,8516,"To find your weighted average, simply multiply each number by its weight factor and then sum the resulting numbers up. For example: The weighted average for your quiz grades, exam, and term paper would be as follows: 82(0.2) + 90(0.35) + 76(0.45) = 16.4 + 31.5 + 34.2 = 82.1.",How do you calculate a weighted total score 54,3010,"Moments help in finding AM, standard deviation and variance of the population directly, and they help in knowing the graphic shapes of the population. We can call moments as the constants used in finding the graphic shape, as the graphic shape of the population also help a lot in characterizing a population.",What is the use of moments in statistics 55,725,The year is a categorical variable. The ratio between two years is not meaningful which is why its not appropriate to classify it as a quantitative variable.,Is year a quantitative or categorical variable 56,5223,An embedding is a relatively low-dimensional space into which you can translate high-dimensional vectors. Embeddings make it easier to do machine learning on large inputs like sparse vectors representing words. An embedding can be learned and reused across models.,What does embedding mean in machine learning 57,296,"In Neural network, some inputs are provided to an artificial neuron, and with each input a weight is associated. Weight increases the steepness of activation function. This means weight decide how fast the activation function will trigger whereas bias is used to delay the triggering of the activation function.",What is the meaning of bias and weight in neural network 58,1311,The goal of lasso regression is to obtain the subset of predictors that minimizes prediction error for a quantitative response variable. The lasso does this by imposing a constraint on the model parameters that causes regression coefficients for some variables to shrink toward zero.,Why do we use Lasso regression 59,7904,The log transformation can be used to make highly skewed distributions less skewed. This can be valuable both for making patterns in the data more interpretable and for helping to meet the assumptions of inferential statistics. Figure 1 shows an example of how a log transformation can make patterns more visible.,When should you log transform data 60,940,"Probability density function (PDF) is a statistical expression that defines a probability distribution (the likelihood of an outcome) for a discrete random variable (e.g., a stock or ETF) as opposed to a continuous random variable.",What does probability density function represent 61,5226,Machine learning helps computers understand what they see So computer vision methods nowadays leverage intelligent algorithms and systems. Even to an extent that visual computing has become one of the main fields of this technology's successful application.,Does computer vision use machine learning 62,2029,"The major difference between a traditional Artificial Neural Network (ANN) and CNN is that only the last layer of a CNN is fully connected whereas in ANN, each neuron is connected to every other neurons as shown in Fig. 2.",What is the difference between neural network and convolutional neural network 63,1220,(mathematics) A symbol representing a product over a set of terms.,What does ∏ mean 64,695,"While many people use the terms interchangeably, data science and big data analytics are unique fields, with the major difference being the scope. Data science produces broader insights that concentrate on which questions should be asked, while big data analytics emphasizes discovering answers to questions being asked.",Is data science the same as data analytics 65,7513,"Look at normality plots of the data. “Normal Q-Q Plot” provides a graphical way to determine the level of normality. The black line indicates the values your sample should adhere to if the distribution was normal. If the dots fall exactly on the black line, then your data are normal.",How do you know if your data is normally distributed 66,8613,"When two events are dependent events, one event influences the probability of another event. A dependent event is an event that relies on another event to happen first.",What does it mean if two events are dependent 67,1624,Prior probability shift. Prior probability shift refers to changes in the distribution of the class variable y It also appears with different names in the class variable y. It also appears with different names in the literature and the definitions have slight differences between them.,What is prior probability shift 68,6203,"Values range from 0 to 1, where 0 is perfect disagreement and 1 is perfect agreement. Krippendorff suggests: “[I]t is customary to require α ≥ . 800. Where tentative conclusions are still acceptable, α ≥ .",What is a good krippendorff's Alpha 69,1135,"Alpha levels and beta levels are related: An alpha level is the probability of a type I error, or rejecting the null hypothesis when it is true. A beta level, usually just called beta(β), is the opposite; the probability of of accepting the null hypothesis when it's false.",What is alpha and beta in statistics 70,8265,"A commonly used rule says that a data point is an outlier if it is more than 1.5 ⋅ IQR 1.5\cdot \text{IQR} 1. 5⋅IQR1, point, 5, dot, start text, I, Q, R, end text above the third quartile or below the first quartile.",How do you determine if there are outliers in a data set 71,2642,"Properties of the SVD U is a n × k matrix with orthonormal columns, UT U = Ik, where Ik is the k × k identity matrix. V is an orthonormal k × k matrix, V T = V −1 . S is a k ×k diagonal matrix, with the non-negative singular values, s1,s2,,sk, on the diagonal.",What is U and V SVD 72,2752,A random variable is a variable whose value is unknown or a function that assigns values to each of an experiment's outcomes. Random variables are often used in econometric or regression analysis to determine statistical relationships among one another.,What exactly is a random variable 73,4891,"For multi class classification using SVM; It is NOT (one vs one) and NOT (one vs REST). Instead learn a two-class classifier where the feature vector is (x, y) where x is data and y is the correct label associated with the data.",Can SVM do multiclass classification 74,28,"One-shot learning is a classification task where one example (or a very small number of examples) is given for each class, that is used to prepare a model, that in turn must make predictions about many unknown examples in the future.",How does SHOT learning work 75,680,"How To Develop a Machine Learning Model From ScratchDefine adequately our problem (objective, desired outputs…).Gather data.Choose a measure of success.Set an evaluation protocol and the different protocols available.Prepare the data (dealing with missing values, with categorial values…).Spilit correctly the data.More items",How do you run a machine learning model 76,4769,"Unlike linear regression which outputs continuous number values, logistic regression transforms its output using the logistic sigmoid function to return a probability value which can then be mapped to two or more discrete classes.",Logistic Regression Why sigmoid function 77,4807,"The main reason why we use sigmoid function is because it exists between (0 to 1). Therefore, it is especially used for models where we have to predict the probability as an output. Since probability of anything exists only between the range of 0 and 1, sigmoid is the right choice. The function is differentiable.",Why do we use sigmoid and not any increasing function from 0 to 1 78,815,Advantages and Disadvantages of Artificial Intelligence Reduction in Human Error: The phrase “human error” was born because humans make mistakes from time to time. Takes risks instead of Humans: Available 24x7: Helping in Repetitive Jobs: Digital Assistance: Faster Decisions: Daily Applications: New Inventions:,What are some of the benefits of AI development 79,5098,Calculating the distance of various points in the scene relative to the position of the camera is one of the important tasks for a computer vision system.,What is depth computer vision 80,345,"According to the central limit theorem, the mean of a sampling distribution of means is an unbiased estimator of the population mean. Note that the larger the sample, the less variable the sample mean. The mean of many observations is less variable than the mean of few.",Are the samples dependent in the Central Limit Theorem 81,8436,An embedding is a relatively low-dimensional space into which you can translate high-dimensional vectors. Embeddings make it easier to do machine learning on large inputs like sparse vectors representing words. An embedding can be learned and reused across models.,What is an embedding in deep learning 82,3918,Mini-batch gradient descent is a variation of the gradient descent algorithm that splits the training dataset into small batches that are used to calculate model error and update model coefficients. It is the most common implementation of gradient descent used in the field of deep learning.,What is mini batch gradient descent 83,2668,Minimax GAN loss refers to the minimax simultaneous optimization of the discriminator and generator models. Minimax refers to an optimization strategy in two-player turn-based games for minimizing the loss or cost for the worst case of the other player.,What is Gan loss 84,1440,Reinforcement Learning(RL) is a type of machine learning technique that enables an agent to learn in an interactive environment by trial and error using feedback from its own actions and experiences.,What can reinforcement learning do 85,549,"While there are a number of different methods for measuring intelligence, the standard and most widely accepted method is by measuring a person's 'intelligence quotient' or IQ. Based on a series of tests which assess various types of abilities such a mathematical, spatial, verbal, logic and memory.",How do you assess your own level of intelligence 86,6788,"general Neural Networks end up solving a non-convex optimization methods , while Logistic Regression end up with a Convex Optimization problem for which global optima can be found very efficiently. Modern neural networks rarely use Logistic regression. They use ReLU or tanH as the neural activation function.",How do neural networks differ from logistic regression 87,7177,"The main argument against using linear regression for time series data is that we're usually interested in predicting the future, which would be extrapolation (prediction outside the range of the data) for linear regression. Extrapolating linear regression is seldom reliable.",Why cant you use linear regression for time series data 88,7922,"Bootstrapping assigns measures of accuracy (bias, variance, confidence intervals, prediction error, etc.) to sample estimates. This technique allows estimation of the sampling distribution of almost any statistic using random sampling methods.",What is the purpose of bootstrapping in statistics 89,7007,"3:456:33Suggested clip · 56 secondsStatQuest - Sample Size and Effective Sample Size, Clearly ExplainedYouTubeStart of suggested clipEnd of suggested clip",How do you calculate effective sample size 90,192,"5 ways to deal with outliers in dataSet up a filter in your testing tool. Even though this has a little cost, filtering out outliers is worth it. Remove or change outliers during post-test analysis. Change the value of outliers. Consider the underlying distribution. Consider the value of mild outliers.",How do you handle outliers in a data set 91,3024,"The standard solution that psychologists take to measuring latent variables is to use a series of questions that are all designed to measure the latent variable. This is known as a multi-item scale, where an “item” is a question, and a “scale” is the resulting estimate of the latent variable.",How do you find the latent variable 92,2877,"Spreading activation is a method for searching associative networks, biological and artificial neural networks, or semantic networks. Spreading activation can also be applied in information retrieval, by means of a network of nodes representing documents and terms contained in those documents.",How does activation spread through a semantic network 93,3419,"Part 1: Making the CalculationsStep 1: Find p,q, and n:Step 2: Figure out if you can use the normal approximation to the binomial. Step 3: Find the mean, μ by multiplying n and p: Step 4: Multiply step 3 by q : Step 5: Take the square root of step 4 to get the standard deviation, σ:More items",How do you do normal approximation 94,4612,"The Wilcoxon test is a nonparametric statistical test that compares two paired groups, and comes in two versions the Rank Sum test or the Signed Rank test. The goal of the test is to determine if two or more sets of pairs are different from one another in a statistically significant manner.",What does the Wilcoxon signed rank test measure 95,1389,"DBSCAN works as such: Divides the dataset into n dimensions. For each point in the dataset, DBSCAN forms an n dimensional shape around that data point, and then counts how many data points fall within that shape. DBSCAN counts this shape as a cluster.",How does Dbscan algorithm work 96,2971,They have a similar structure but they apply under different conditions and guarantee different kinds of points. IVT guarantees a point where the function has a certain value between two given values. MVT guarantees a point where the derivative has a certain value.,What is the difference between IVT and MVT 97,3082,"Mixed effects logistic regression is used to model binary outcome variables, in which the log odds of the outcomes are modeled as a linear combination of the predictor variables when data are clustered or there are both fixed and random effects.",What is mixed effect logistic regression 98,2451,"The Monty Hall problem has confused people for decades. In the game show, Let's Make a Deal, Monty Hall asks you to guess which closed door a prize is behind. The answer is so puzzling that people often refuse to accept it! The problem occurs because our statistical assumptions are incorrect.",Why the Monty Hall problem is wrong 99,5241,"Random forest (RF) is a machine-learning method that generally works well with high-dimensional problems and allows for nonlinear relationships between predictors; however, the presence of correlated predictors has been shown to impact its ability to identify strong predictors.",Can random forest handle correlated variables 100,6797,"Most data can be categorized into 4 basic types from a Machine Learning perspective: numerical data, categorical data, time-series data, and text.",What are the different types of data sets used in ML 101,6245,"It's a method of evaluating how well specific algorithm models the given data. If predictions deviates too much from actual results, loss function would cough up a very large number. Gradually, with the help of some optimization function, loss function learns to reduce the error in prediction.",What is loss function in machine learning 102,339,"Momentum [1] or SGD with momentum is method which helps accelerate gradients vectors in the right directions, thus leading to faster converging. It is one of the most popular optimization algorithms and many state-of-the-art models are trained using it.",What is momentum in machine learning 103,7865,"In machine learning and statistics, the learning rate is a tuning parameter in an optimization algorithm that determines the step size at each iteration while moving toward a minimum of a loss function.",What is the learning rate in machine learning 104,64,"Heterogeneity in statistics means that your populations, samples or results are different. It is the opposite of homogeneity, which means that the population/data/results are the same.",What does statistical heterogeneity mean 105,5092,"Q-learning is an off policy reinforcement learning algorithm that seeks to find the best action to take given the current state. It's considered off-policy because the q-learning function learns from actions that are outside the current policy, like taking random actions, and therefore a policy isn't needed.",How does Q learning work 106,1630,"Validation set is different from test set. Validation set actually can be regarded as a part of training set, because it is used to build your model, neural networks or others. It is usually used for parameter selection and to avoild overfitting. Test set is used for performance evaluation.",Why do we need a validation set and test set what is the difference between them 107,5424,"The F-distribution, also known Fisher-Snedecor distribution is extensively used to test for equality of variances from two normal populations. F-distribution got its name after R.A. Fisher who initially developed this concept in 1920s. It is a probability distribution of an F-statistic.",What is F distribution used for in statistics 108,3875,The disadvantages are numerous. Cross-over studies are often of longer duration than parallel-group studies. There may be difficulty in incorporating multiple dosage arms and in dealing with drop-outs; patients who only complete the first evaluation phase contribute little to the analysis.,What is a weakness of the cross over randomized trials 109,2799,"Gradient boosting is a machine learning technique for regression and classification problems, which produces a prediction model in the form of an ensemble of weak prediction models, typically decision trees. (",What are gradient boosting models 110,6870,The intuition is simple projection. This picture is from wiki. is the observed response and we predict by the linear combination of the explanatory variables which in inside the vector space .,What is the intuition behind the least squared regression formula 111,6016,"Much of the modern innovations in image recognition is reliant on Deep Learning technology, an advanced type of Machine Learning, and the modern wonder of Artificial Intelligence. For image recognition, the kind of neural network used is called convolutional neural networks.",Is image recognition deep learning 112,6114,"From Wikipedia, the free encyclopedia. In statistics and signal processing, a minimum mean square error (MMSE) estimator is an estimation method which minimizes the mean square error (MSE), which is a common measure of estimator quality, of the fitted values of a dependent variable.",What is minimum error 113,1316,"Frequency distribution in statistics provides the information of the number of occurrences (frequency) of distinct values distributed within a given period of time or interval, in a list, table, or graphical representation. Grouped and Ungrouped are two types of Frequency Distribution.",What is frequency distribution and its types 114,1591,"In order to fit the best intercept line between the points in the above scatter plots, we use a metric called “Sum of Squared Errors” (SSE) and compare the lines to find out the best fit by reducing errors.",What is the metric used by ordinary least squares OLS to determine the best fit line 115,1969,"To find the interquartile range (IQR), ​first find the median (middle value) of the lower and upper half of the data. These values are quartile 1 (Q1) and quartile 3 (Q3). The IQR is the difference between Q3 and Q1.",How do u find the interquartile range 116,176,"Data is a set of qualitative or quantitative variables – it can be structured or unstructured, machine readable or not, digital or analogue, personal or not. There are “dimensions” that distinguish data from BIG DATA, summarised as the “3 Vs” of data: Volume, Variety, Velocity. Hence, BIG DATA, is not just “more” data.",What is difference between data and big data 117,4503,"A decision tree is one of the supervised machine learning algorithms. This algorithm can be used for regression and classification problems — yet, is mostly used for classification problems. A decision tree follows a set of if-else conditions to visualize the data and classify it according to the conditions.",What is decision tree explain with example 118,2715,"The logarithm is to exponentiation as division is to multiplication: The logarithm is the inverse of the exponent: it undoes exponentiation. When studying logarithms, always remember the following fundamental equivalence: if and only if . Whenever one of these is true, so is the other.",What is the intuition behind the logarithm 119,157,"A convolutional stage in a neural network ensures that each part of the neural network has essentially the same edge detector. So even if your data are biased to have edges only in, say, the lower left side of the image set, your connection weights will not reflect this systematic bias.",Why do we use convolution in neural networks 120,394,"Normal distribution, also known as the Gaussian distribution, is a probability distribution that is symmetric about the mean, showing that data near the mean are more frequent in occurrence than data far from the mean. In graph form, normal distribution will appear as a bell curve.",What is meant by Gaussian distribution 121,120,The AUC value lies between 0.5 to 1 where 0.5 denotes a bad classifer and 1 denotes an excellent classifier.,What is a good PR AUC score 122,864,Word2Vec takes texts as training data for a neural network. The resulting embedding captures whether words appear in similar contexts. GloVe focuses on words co-occurrences over the whole corpus. Its embeddings relate to the probabilities that two words appear together.,What is the difference between GloVe and Word2Vec 123,395,"Simply put, an activation function is a function that is added into an artificial neural network in order to help the network learn complex patterns in the data. When comparing with a neuron-based model that is in our brains, the activation function is at the end deciding what is to be fired to the next neuron.",What is the role of the activation function in a neural network How does this function in a human neural network system 124,1047,I often draw a distinction between exploratory and explanatory data analysis. Exploratory analysis is what you do to get familiar with the data. Explanatory analysis is what happens when you have something specific you want to show an audience - probably about those 1 or 2 precious gemstones.,What is explanatory data analysis 125,128,"1a(1) : of, relating to, resembling, or having a graph that is a line and especially a straight line : straight. (2) : involving a single dimension.",What does the term linear mean 126,629,"It is easy to check that the MLE is an unbiased estimator (E[̂θMLE(y)] = θ). To determine the CRLB, we need to calculate the Fisher information of the model.",Is the MLE an unbiased estimator 127,7721,There are two groups of metrics that may be useful for imbalanced classification because they focus on one class; they are sensitivity-specificity and precision-recall.,When the data is highly imbalanced What are the metrics to be considered in order to evaluate the model 128,6618,"AUC stands for ""Area under the ROC Curve."" That is, AUC measures the entire two-dimensional area underneath the entire ROC curve (think integral calculus) from (0,0) to (1,1). Figure 5. AUC (Area under the ROC Curve).",What is the area under the ROC curve 129,7,"A statistic T = r(X1,X2,··· ,Xn) is a sufficient statistic if for each t, the conditional distribution of X1,X2, ···,Xn given T = t and θ does not depend on θ.",How do you calculate sufficient statistics 130,49,1:314:30Suggested clip · 120 secondsCumulative Frequency Distribution (Less than and More than YouTubeStart of suggested clipEnd of suggested clip,How do you calculate less than or more cumulative frequency 131,2010,"How to train a Machine Learning model in 5 minutesModel Naming — Give Your Model a Name: Let's start with giving your model a name, describe your model and attach tags to your model. Data Type Selection — Choose data type(Images/Text/CSV): It's time to tell us about the type of data you want to train your model.More items",How do you train datasets in machine learning 132,2711,"Manipulate data using Excel or Google Sheets. This may include plotting the data out, creating pivot tables, and so on. Analyze and interpret the data using statistical tools (i.e. finding correlations, trends, outliers, etc.). Present this data in meaningful ways: graphs, visualizations, charts, tables, etc.",How do you start a data analysis 133,4232,The second reason you may see validation loss lower than training loss is due to how the loss value are measured and reported: Training loss is measured during each epoch. While validation loss is measured after each epoch.,Why is my validation loss lower than training loss 134,5544,"Data wrangling is the process of gathering, selecting, and transforming data to answer an analytical question. Also known as data cleaning or “munging”, legend has it that this wrangling costs analytics professionals as much as 80% of their time, leaving only 20% for exploration and modeling.",What is data wrangling process 135,5536,The chi-square statistic can never be negative. What does it mean to obtain a negative value for the chi-square statistic? the null hypothesis is rejected if the observed U is less than or equal to the critical U.,What does it mean to obtain a negative value for the chi square statistic 136,6782,"Fisher's exact test obtains its two-tailed P value by computing the probabilities associated with all possible tables that have the same row and column totals. Then, it identifies the alternative tables with a probability that is less than that of the observed table.",What is an intuitive explanation of the Fisher exact test 137,8049,"International communication (also referred to as the study of global communication or transnational communication) is the communication practice that occurs across international borders. International communication ""encompasses political, economic, social, cultural and military concerns"".",What is the meaning of international communication 138,7774,"Artificial neural networks use backpropagation as a learning algorithm to compute a gradient descent with respect to weights. Because backpropagation requires a known, desired output for each input value in order to calculate the loss function gradient, it is usually classified as a type of supervised machine learning.",Why backpropagation algorithm is used 139,7214,"In most mechanical systems or models, you can determine the degrees of freedom using the following formula:DOF = 6 x (number of bodies not including ground) – constraints.DOF = (6 x 1) – (2 x 5)DOF = 6 x (number of bodies not including ground) – constraints + redundancies.1 = (6 x 1) – 10 + redundancies.More items",How do you find the degrees of freedom for a system 140,5817,Statistical Package for the Social Sciences,What does SPSS stand for in statistics 141,4553,"In the “Compute Variable” dialog box that opens, enter a name for the new centered variable in the “Target Variable:” text box at the top right. In the “Numeric Expression:” box, write “math-52.65” as shown in Figure 2. Press OK to create the centered variable.",How do I center variables in SPSS 142,8581,Summary. The probability distribution of a discrete random variable X is a listing of each possible value x taken by X along with the probability P(x) that X takes that value in one trial of the experiment.,What is the distribution of the random variable X 143,5968,Grid-searching is the process of scanning the data to configure optimal parameters for a given model. Grid-searching can be applied across machine learning to calculate the best parameters to use for any given model.,What is grid search in machine learning 144,1093,"The definition of conditional probability can be rewritten as: P(E ∩F) = P(E|F)P(F) which we call the Chain Rule. Intuitively it states that the probability of observing events E and F is the. probability of observing F, multiplied by the probability of observing E, given that you have observed F.",Whats an intuitive explanation of the chain rule of probability 145,2462,"According to the (Research Methods for Business Students) book, to assess the relationship between two ordinal variables is by using Spearman's rank correlation coefficient (Spearman's rho) or Kendall's rank-order correlation coefficient (Kendall's tau).",What type of correlation coefficient would you calculate if you wanted to examine the relationship between two ordinal variables 146,4918,SVM or Support Vector Machine is a linear model for classification and regression problems. It can solve linear and non-linear problems and work well for many practical problems. The idea of SVM is simple: The algorithm creates a line or a hyperplane which separates the data into classes.,Is SVM a linear classifier 147,277,The general regression tree building methodology allows input variables to be a mixture of continuous and categorical variables. A decision tree is generated when each decision node in the tree contains a test on some input variable's value. The terminal nodes of the tree contain the predicted output variable values.,What is regression tree in machine learning 148,1309,"Properties of a normal distributionThe mean, mode and median are all equal.The curve is symmetric at the center (i.e. around the mean, μ).Exactly half of the values are to the left of center and exactly half the values are to the right.The total area under the curve is 1.",How do you interpret a normal distribution curve 149,1328,"Traditional machine learning methods such as Naïve Bayes, Logistic Regression and Support Vector Machines (SVM) are widely used for large-scale sentiment analysis because they scale well.",Which model is best for sentiment analysis 150,1537,"There are three basic concepts in reinforcement learning: state, action, and reward. The state describes the current situation. For a robot that is learning to walk, the state is the position of its two legs. For a Go program, the state is the positions of all the pieces on the board.",What is state in reinforcement learning 151,8094,"Cohen's kappa measures the agreement between two raters who each classify N items into C mutually exclusive categories.¹ A simple way to think this is that Cohen's Kappa is a quantitative measure of reliability for two raters that are rating the same thing, corrected for how often that the raters may agree by chance.",What does Cohen's kappa mean 152,4172,Similarity is the measure of how much alike two data objects are. Similarity in a data mining context is usually described as a distance with dimensions representing features of the objects. A small distance indicating a high degree of similarity and a large distance indicating a low degree of similarity.,What is data similarity 153,2593,"From implementation point of view, Huffman coding is easier than arithmetic coding. Arithmetic algorithm yields much more compression ratio than Huffman algorithm while Huffman coding needs less execution time than the arithmetic coding.",Why is arithmetic coding better than Huffman coding 154,644,"Conditional probability is the probability of one event occurring with some relationship to one or more other events. For example: Event A is that it is raining outside, and it has a 0.3 (30%) chance of raining today. Event B is that you will need to go outside, and that has a probability of 0.5 (50%).",How do you use conditional probability 155,1411,"Naïve Bayes has a naive assumption of conditional independence for every feature, which means that the algorithm expects the features to be independent which not always is the case. Logistic regression is a linear classification method that learns the probability of a sample belonging to a certain class.",What is the difference between a naive Bayes and a logistic regression model 156,401,"A false positive, also known as Type I error or alpha error, is an error that occurs when a researcher falsely concludes that an effect exists, or when a null hypothesis is rejected even though the null is true. On the basis of these data, the researcher concludes that there is an effect.",What is a false positive in research 157,263,"Association Rule Mining, as the name suggests, association rules are simple If/Then statements that help discover relationships between seemingly independent relational databases or other data repositories. Most machine learning algorithms work with numeric datasets and hence tend to be mathematical.",What are association rules in machine learning 158,591,"Need for Batch Consumption From Kafka Data ingestion system are built around Kafka. They are followed by lambda architectures with separate pipelines for real-time stream processing and batch processing. Real-time stream processing pipelines are facilitated by Spark Streaming, Flink, Samza, Storm, etc.",Can we use Kafka for batch processing 159,981,"A variable is a symbol that represents some quantity. A random variable is a value that follows some probability distribution. In other words, it's a value that is subject to some randomness or chance.",What is the difference between a variable and a random variable 160,1455,"To measure the relationship between numeric variable and categorical variable with > 2 levels you should use eta correlation (square root of the R2 of the multifactorial regression). If the categorical variable has 2 levels, point-biserial correlation is used (equivalent to the Pearson correlation).",How do you find the correlation between categorical variables 161,1714,"With binary data the variance is a function of the mean, and in particular is not constant as the mean changes. This violates one of the standard linear regression assumptions that the variance of the residual errors is constant.",Why linear regression is not suitable for modeling binary responses 162,5623,"Abstract: In the big data era, the data are generated from different sources or observed from different views. These data are referred to as multi-view data. Multi-view Clustering (MvC) has attracted increasing attention in recent years by aiming to exploit complementary and consensus information across multiple views.",What is multi view clustering 163,8263,“Bayesian statistics is a mathematical procedure that applies probabilities to statistical problems. It provides people the tools to update their beliefs in the evidence of new data.”,Is Bayesian a statistic 164,6773,The least squares criterion is a formula used to measure the accuracy of a straight line in depicting the data that was used to generate it. This mathematical formula is used to predict the behavior of the dependent variables. The approach is also called the least squares regression line.,What is the least squares criterion for linear regression equations 165,8681,"In unsupervised learning, an AI system is presented with unlabeled, uncategorized data and the system's algorithms act on the data without prior training. The output is dependent upon the coded algorithms. Subjecting a system to unsupervised learning is an established way of testing the capabilities of that system.",How does unsupervised machine learning work 166,341,"Currently there are three classes of TCP/IP networks. Each class uses the 32-bit IP address space differently, providing more or fewer bits for the network part of the address. These classes are class A, class B, and class C.",What are the different classes of IP addresses 167,5215,"Linear Regression is a machine learning algorithm based on supervised learning. Linear regression performs the task to predict a dependent variable value (y) based on a given independent variable (x). So, this regression technique finds out a linear relationship between x (input) and y(output).",How does regression algorithm work 168,1680,"Real numbers consist of zero (0), the positive and negative integers (-3, -1, 2, 4), and all the fractional and decimal values in between (0.4, 3.1415927, 1/2). Real numbers are divided into rational and irrational numbers.",Is 0 a real number 169,30,Kalman Filter works on prediction-correction model used for linear and time-variant or time-invariant systems. Prediction model involves the actual system and the process noise . Kalman gain is calculated based on RLS algorithm in order to reach the optimal value within less amount of time.,Can Kalman filtering be used for prediction 170,1009,49:131:21:31Suggested clip · 118 secondsLinear Algebra for Beginners | Linear algebra for machine learning YouTubeStart of suggested clipEnd of suggested clip,What is the easiest way to learn linear algebra 171,127,"In the simplest sense, if something is “quantized”, that means it can only take on certain specific values, rather than a continuous range of values. For example, the energy that an electron can have when it's bound to an atom is quantized.",What does it mean that something is quantized 172,6789,"For a multiplicative decomposition, this is done by dividing the series by the trend values. Next, seasonal factors are estimated using the de-trended series. For monthly data, this entails estimating an effect for each month of the year. For quarterly data, this entails estimating an effect for each quarter.",What is multiplicative decomposition 173,8589,"A statistical test provides a mechanism for making quantitative decisions about a process or processes. The intent is to determine whether there is enough evidence to ""reject"" a conjecture or hypothesis about the process. A classic use of a statistical test occurs in process control studies.",What are statistical tests in research 174,3254,"Chernoff faces, invented by Herman Chernoff in 1973, display multivariate data in the shape of a human face. The individual parts, such as eyes, ears, mouth and nose represent values of the variables by their shape, size, placement and orientation.",What is a Chernoff face in data visualization 175,994,"Statistical data analysis. Finding structure in data and making predictions are the most important steps in Data Science. Here, in particular, statistical methods are essential since they are able to handle many different analytical tasks. Questions arising in data driven problems can often be translated to hypotheses.",Why is statistics important for data science 176,2307,The difference between factor analysis and principal component analysis. Factor analysis explicitly assumes the existence of latent factors underlying the observed data. PCA instead seeks to identify variables that are composites of the observed variables.,Is PCA the same as factor analysis 177,6512,"The sampling distribution of the sample mean can be thought of as ""For a sample of size n, the sample mean will behave according to this distribution."" Any random draw from that sampling distribution would be interpreted as the mean of a sample of n observations from the original population.",What is sampling distribution of sample mean 178,3086,"Recurrent neural networks (RNN) are the state of the art algorithm for sequential data and are used by Apple's Siri and and Google's voice search. It is the first algorithm that remembers its input, due to an internal memory, which makes it perfectly suited for machine learning problems that involve sequential data.",Is RNN an algorithm 179,5508,"The three main metrics used to evaluate a classification model are accuracy, precision, and recall. Accuracy is defined as the percentage of correct predictions for the test data. It can be calculated easily by dividing the number of correct predictions by the number of total predictions.",How do you evaluate model performance 180,2829,"First, Cross-entropy (or softmax loss, but cross-entropy works better) is a better measure than MSE for classification, because the decision boundary in a classification task is large (in comparison with regression). For regression problems, you would almost always use the MSE.",Why cross entropy loss is better than MSE 181,565,Lag sequential analysis is a method for analyzing the sequential dependency in a serially sequenced series of dichotomous codes representing different system states. The analysis assumes that the events are sequenced in time (a time series) but does not assume equal time intervals between events.,What is lag sequential analysis 182,961,The major difference between using a Z score and a T statistic is that you have to estimate the population standard deviation. The T test is also used if you have a small sample size (less than 30).,What is the difference between Z statistic and t statistic 183,1146,"Interpreting. If skewness is positive, the data are positively skewed or skewed right, meaning that the right tail of the distribution is longer than the left. If skewness is negative, the data are negatively skewed or skewed left, meaning that the left tail is longer.",How do you interpret a positively skewed distribution 184,6664,"Semi-structured data is information that doesn't reside in a relational database but that does have some organizational properties that make it easier to analyze. Examples of semi-structured : CSV but XML and JSON documents are semi structured documents, NoSQL databases are considered as semi structured.",What is semi structured data explain with an example 185,7748,"The universe is considered an isolated system because the energy of the universe is constant. This matches with the definition of an isolated system, which is that energy is not exchanged with the surroundings, thus staying constant.",Is the universe an isolated system 186,1933,"A linear regression line has an equation of the form Y = a + bX, where X is the explanatory variable and Y is the dependent variable. The slope of the line is b, and a is the intercept (the value of y when x = 0).",How do you interpret a linear regression equation 187,836,"Definition. The term concept learning is originated in psychology, where it refers to the human ability to learn categories for object and to recognize new instances of those categories.",What do you mean by concept learning 188,8443,"Deviance is a measure of error; lower deviance means better fit to data. The greater the deviance, the worse the model fits compared to the best case (saturated). Deviance is a quality-of-fit statistic for a model that is often used for statistical hypothesis testing.",What is deviance in GLM 189,5110,"This means when calculating the output of a node, the inputs are multiplied by weights, and a bias value is added to the result. The bias value allows the activation function to be shifted to the left or right, to better fit the data. You can think of the bias as a measure of how easy it is to get a node to fire.",What is bias value why it is used 190,6321,Troubleshoot steps for Deep Learning Start with something simple and make changes incrementally. Model optimizations like regularization can always wait after the code is debugged. Focus on verifying the model is functioning first. Set the regularization factors to zero.,How do you debug a deep learning model 191,142,"Answer: A variable is a datatype whose value can not be fixed. It can be change based on other parameters. For example, Let X is a variable so that its value can be anything like 1,2,3 or a,p,r, or any word. It can not be fixed.",What is a variable answer 192,8119,"On this site, we use the normal distribution when the population standard deviation is known and the sample size is large. We might use either distribution when standard deviation is unknown and the sample size is very large.",Can normal sampling distribution be used 193,667,Bayesian analysis is a statistical paradigm that answers research questions about unknown parameters using probability statements.,What is the purpose of Bayesian analysis 194,6098,"The simplest example of a non-linear operator (non-linear functional) is a real-valued function of a real argument other than a linear function. Under other restrictions on K(t,s,u) an Urysohn operator acts on other spaces, for instance, L2[a,b] or maps one Orlicz space LM1[a,b] into another LM2[a,b].",Which is not a linear operator 195,4168,t-test,What statistical test do you use for two continuous variables 196,1101,The receptive field is defined by the filter size of a layer within a convolution neural network. The receptive field is also an indication of the extent of the scope of input data a neuron or unit within a layer can be exposed to (see image below).,What is the receptive field of a convolution layer 197,440,The relationship between two variables is generally considered strong when their r value is larger than 0.7. The correlation r measures the strength of the linear relationship between two quantitative variables.,Is 0.62 A strong correlation 198,6609,marginal homogeneity,What does McNemar's test mean 199,6534,The logit is a transformation. Logistic regression is a regression model. The logit transformation transforms a line to a logistic curve. Logistic regression fits a logistic curve to set of data where the dependent variable can only take the values 0 and 1.,Are logit and logistic regression the same 200,5396,"Bayesian analysis, a method of statistical inference (named for English mathematician Thomas Bayes) that allows one to combine prior information about a population parameter with evidence from information contained in a sample to guide the statistical inference process.",What is Bayesian analysis used for 201,4845,"Then if there are an odd number of numbers in the list the median can be found by counting in from either end of the list to the (n + 1)/2nd number. This will be the median. If there are an even number on the list then average the n/2 and the (N + 2)/2 numbers. In general, the median is at position (n + 1)/2.",How do you find the median of N 2 202,5076,"These software distributions are open source, licensed under the GNU General Public License (v3 or later for Stanford CoreNLP; v2 or later for the other releases).",Is Stanford NLP open source 203,187,"How to Estimate an Agile/Scrum Story Backlog with PointsThe goal of agile/scrum estimation. A few terms. Set an estimation range. Set some reference points. Estimate stories with planning poker. Estimate bugs, chores, and spikes. Set aside a couple of days. Use the big numbers: 20, 40, 100.More items•",How do you estimate in agile 204,7701,"In practical terms, deep learning is just a subset of machine learning. In fact, deep learning technically is machine learning and functions in a similar way (hence why the terms are sometimes loosely interchanged).",Does deep learning come under machine learning 205,4988,Area in TailsConfidence LevelArea between 0 and z-scorez-score50%0.25000.67480%0.40001.28290%0.45001.64595%0.47501.9602 more rows,What is the z score for 50 confidence interval 206,2236,"The Kolmogorov-Smirnov test (K-S) and Shapiro-Wilk (S-W) test are designed to test normality by comparing your data to a normal distribution with the same mean and standard deviation of your sample. If the test is NOT significant, then the data are normal, so any value above . 05 indicates normality.",How do you know if a sample is normally distributed 207,1949,"Clustering is the task of dividing the population or data points into a number of groups such that data points in the same groups are more similar to other data points in the same group than those in other groups. In simple words, the aim is to segregate groups with similar traits and assign them into clusters.",What is clustering used for 208,238,"value of the Shapiro-Wilk Test is greater than 0.05, the data is normal. If it is below 0.05, the data significantly deviate from a normal distribution. If you need to use skewness and kurtosis values to determine normality, rather the Shapiro-Wilk test, you will find these in our enhanced testing for normality guide.",How do you test for normality 209,189,Feature Extraction aims to reduce the number of features in a dataset by creating new features from the existing ones (and then discarding the original features). These new reduced set of features should then be able to summarize most of the information contained in the original set of features.,How do you extract a feature from a dataset 210,338,Receptive fields are defined portion of space or spatial construct containing units that provide input to a set of units within a corresponding layer. The receptive field is defined by the filter size of a layer within a convolution neural network.,What is receptive field in deep learning 211,1022,An Expert system shell is a software development environment. It contains the basic components of expert systems. A shell is associated with a prescribed method for building applications by configuring and instantiating these components.,What is Expert System Shell in artificial intelligence 212,216,"Bootstrapping is building a company from the ground up with nothing but personal savings, and with luck, the cash coming in from the first sales. The term is also used as a noun: A bootstrap is a business an entrepreneur with little or no outside cash or other support launches.",What do you mean by bootstrapping 213,1873,"The standard deviation (SD) measures the amount of variability, or dispersion, from the individual data values to the mean, while the standard error of the mean (SEM) measures how far the sample mean of the data is likely to be from the true population mean. The SEM is always smaller than the SD.",What is the difference between mean and standard deviation 214,6998,A sampling error is a statistical error that occurs when an analyst does not select a sample that represents the entire population of data and the results found in the sample do not represent the results that would be obtained from the entire population.,What is a sampling error in research 215,8191,Gradient Backward propagation,What does training a neural network mean 216,7025,"Word Embeddings or Word vectorization is a methodology in NLP to map words or phrases from vocabulary to a corresponding vector of real numbers which used to find word predictions, word similarities/semantics. The process of converting words into numbers are called Vectorization.",What is vectorization in NLP 217,2571,Feature embedding is an emerging research area which intends to transform features from the original space into a new space to support effective learning. Feature embedding aims to learn a low-dimensional vector representation for each instance to preserve the information in its features.,What is embedding embedded space feature embedding in deep neural architectures 218,451,"In probability theory and statistics, the gamma distribution is a two-parameter family of continuous probability distributions. With a shape parameter α = k and an inverse scale parameter β = 1/θ, called a rate parameter. With a shape parameter k and a mean parameter μ = kθ = α/β.",What does gamma distribution look like 219,3489,"Typically by the time the sample size is 30 the distribution of the sample mean is practically the same as a normal distribution. ¯X, the mean of the measurements in a sample of size n; the distribution of ¯X is its sampling distribution, with mean μ¯X=μ and standard deviation σ¯X=σ√n.",What is the difference between the sampling distribution of the sample mean and the sample mean 220,1116,It is a rate per unit of time similar in meaning to reading a car speedometer at a particular instant and seeing 45 mph. The failure rate (or hazard rate) is denoted by h(t) and is calculated from h(t) = \frac{f(t)}{1 - F(t)} = \frac{f(t)}{R(t)} = \mbox{the instantaneous (conditional) failure rate.},How are hazard rates calculated 221,326,"The probability that a random variable X X X takes a value in the (open or closed) interval [ a , b ] [a,b] [a,b] is given by the integral of a function called the probability density function f X ( x ) f_X(x) fX​(x): P ( a ≤ X ≤ b ) = ∫ a b f X ( x ) d x .",How do you find the probability density function of a random variable 222,751,"In computer science, binary search, also known as half-interval search, logarithmic search, or binary chop, is a search algorithm that finds the position of a target value within a sorted array. Binary search compares the target value to the middle element of the array.",What is the binary search theory 223,602,"Multi-task learning (MTL) is a subfield of machine learning in which multiple learning tasks are solved at the same time, while exploiting commonalities and differences across tasks. In the classification context, MTL aims to improve the performance of multiple classification tasks by learning them jointly.",What is multi task learning in machine learning 224,1990,"In statistics, the generalized linear model (GLM) is a flexible generalization of ordinary linear regression that allows for response variables that have error distribution models other than a normal distribution.",What does a generalized linear model do 225,4865,"Some Disadvantages of KNNAccuracy depends on the quality of the data.With large data, the prediction stage might be slow.Sensitive to the scale of the data and irrelevant features.Require high memory – need to store all of the training data.Given that it stores all of the training, it can be computationally expensive.",What are the disadvantages of KNN algorithm 226,1465,Covariance is calculated by analyzing at-return surprises (standard deviations from the expected return) or by multiplying the correlation between the two variables by the standard deviation of each variable.,How do you find the covariance between two variables 227,4820,"is that maximin is in decision theory and game theory etc, a rule to identify the worst outcome of each possible option to find one's best (maximum payoff) play while minimax is in decision theory, game theory, etc a decision rule used for minimizing the maximum possible loss, or maximizing the minimum gain.",What is the difference between Minimax and Maximin 228,1757,"The learning algorithm of the Hopfield network is unsupervised, meaning that there is no “teacher” telling the network what is the correct output for a certain input.",Is Hopfield network supervised or unsupervised 229,109,The various metrics used to evaluate the results of the prediction are :Mean Squared Error(MSE)Root-Mean-Squared-Error(RMSE).Mean-Absolute-Error(MAE).R² or Coefficient of Determination.Adjusted R²,Which metrics can be used on a regression problem 230,6721,"Cons of Reinforcement LearningReinforcement learning as a framework is wrong in many different ways, but it is precisely this quality that makes it useful.Too much reinforcement learning can lead to an overload of states, which can diminish the results.Reinforcement learning is not preferable to use for solving simple problems.More items",What are the disadvantages of reinforcement learning 231,813,"Multinomial logistic regression is used when the dependent variable in question is nominal (equivalently categorical, meaning that it falls into any one of a set of categories that cannot be ordered in any meaningful way) and for which there are more than two categories.",When would you use a multinomial 232,4346,"A node, also called a neuron or Perceptron, is a computational unit that has one or more weighted input connections, a transfer function that combines the inputs in some way, and an output connection. Nodes are then organized into layers to comprise a network.",What is a node in deep learning 233,2582,"Today, machines are intelligent because of a science called the Artificial Intelligence. A simple answer to explain what makes a machine intelligent is Artificial Intelligence. AI allows a machine to interact with the environment in an intelligent manner.",What makes computer intelligent 234,3844,Probability sampling allows researchers to create a sample that is accurately representative of the real-life population of interest.,Why is probability sampling preferred 235,1341,"In technical terms, linear regression is a machine learning algorithm that finds the best linear-fit relationship on any given data, between independent and dependent variables. It is mostly done by the Sum of Squared Residuals Method.",How do you explain linear regression in interview 236,1053,An easy guide to choose the right Machine Learning algorithmSize of the training data. It is usually recommended to gather a good amount of data to get reliable predictions. Accuracy and/or Interpretability of the output. Speed or Training time. Linearity. Number of features.,Which algorithm is right for machine learning 237,768,"A residual neural network (ResNet) is an artificial neural network (ANN) of a kind that builds on constructs known from pyramidal cells in the cerebral cortex. Residual neural networks do this by utilizing skip connections, or shortcuts to jump over some layers.",How does residual network work 238,257,"The main advantage of CNN compared to its predecessors is that it automatically detects the important features without any human supervision. For example, given many pictures of cats and dogs, it can learn the key features for each class by itself.",What is the advantage of CNN 239,6655,"Correlation Defined The closer the correlation coefficient is to +1.0, the closer the relationship is between the two variables. If two variables have a correlation coefficient near zero, it indicates that there is no significant (linear) relationship between the variables.",What does a correlation coefficient near mean 240,4123,"Variance is the measure of how far the data points are spread out whereas, MSE (Mean Squared Error) is the measure of how actually the predicted values are different from the actual values. Though, both are the measures of second moment but there is a significant difference.",What is the difference between mean square error and variance 241,4067,8:3514:50Suggested clip · 95 secondsLecture 6.3 — Logistic Regression | Decision Boundary — [ Machine YouTubeStart of suggested clipEnd of suggested clip,How do you determine the decision boundary in logistic regression 242,6094,Monte Carlo tree search algorithm,What algorithm does AlphaGo use 243,1245,The agent function is a mathematical function that maps a sequence of perceptions into action. The function is implemented as the agent program. The part of the agent taking an action is called an actuator. environment -> sensors -> agent function -> actuators -> environment.,What is Agent function in artificial intelligence 244,4772,"A correlation coefficient that is greater than zero indicates a positive relationship between two variables. A value that is less than zero signifies a negative relationship between two variables. Finally, a value of zero indicates no relationship between the two variables that are being compared.",What should the correlation of variable when compared with itself * 245,877,"The conditional probability can be calculated using the joint probability, although it would be intractable. Bayes Theorem provides a principled way for calculating the conditional probability. The simple form of the calculation for Bayes Theorem is as follows: P(A|B) = P(B|A) * P(A) / P(B)",How do you calculate probability in naive Bayes 246,7514,"AUC - ROC curve is a performance measurement for classification problem at various thresholds settings. ROC is a probability curve and AUC represents degree or measure of separability. By analogy, Higher the AUC, better the model is at distinguishing between patients with disease and no disease.",What is the difference between AUC and ROC 247,6220,"""The difference between discrete choice models and conjoint models is that discrete choice models present experimental replications of the market with the focus on making accurate predictions regarding the market, while conjoint models do not, using product profiles to estimate underlying utilities (or partworths)",What is the difference between conjoint and discrete choice 248,846,"The arithmetic mean is often known simply as the mean. It is an average, a measure of the centre of a set of data. The arithmetic mean is calculated by adding up all the values and dividing the sum by the total number of values. For example, the mean of 7, 4, 5 and 8 is 7+4+5+84=6.",How do you find the arithmetic mean in statistics 249,7880,"It is a classification technique based on Bayes' Theorem with an assumption of independence among predictors. In simple terms, a Naive Bayes classifier assumes that the presence of a particular feature in a class is unrelated to the presence of any other feature.",What is naive Bayes classifier algorithm 250,8048,Average or arithmetic means give us rough estimate about the common values in that set so that the calculations on all the values will be more or less the same.,What is the average point 251,3613,An ROC curve (receiver operating characteristic curve) is a graph showing the performance of a classification model at all classification thresholds. This curve plots two parameters: True Positive Rate. False Positive Rate.,What is ROC curve in machine learning 252,823,"In statistics, a negatively skewed (also known as left-skewed) distribution is a type of distribution in which more values are concentrated on the right side (tail) of the distribution graph while the left tail of the distribution graph is longer.",What is negatively skewed distribution 253,358,"Bag of Words just creates a set of vectors containing the count of word occurrences in the document (reviews), while the TF-IDF model contains information on the more important words and the less important ones as well.",What is difference between Bag of Words and TF IDF 254,7687,"AUC and accuracy are fairly different things. For a given choice of threshold, you can compute accuracy, which is the proportion of true positives and negatives in the whole data set. AUC measures how true positive rate (recall) and false positive rate trade off, so in that sense it is already measuring something else.",Is AUC the same as accuracy 255,8427,"The main difference between the t-test and f-test is, that t-test is used to test the hypothesis whether the given mean is significantly different from the sample mean or not. On the other hand, an F-test is used to compare the two standard deviations of two samples and check the variability.",What is the difference between F and T test 256,1877,"The Mann Whitney U test, sometimes called the Mann Whitney Wilcoxon Test or the Wilcoxon Rank Sum Test, is used to test whether two samples are likely to derive from the same population (i.e., that the two populations have the same shape).",What is Mann Whitney U test used for 257,6836,The SVM classifier is a frontier which best segregates the two classes (hyper-plane/ line). You can look at support vector machines and a few examples of its working here.,What are the two classification methods that SVM support vector machine can handle 258,7342,"(8) The moment generating function corresponding to the normal probability density function N(x;µ, σ2) is the function Mx(t) = exp{µt + σ2t2/2}.",What is the moment generating function of normal distribution 259,1293,"5 Answers. The Fourier series is used to represent a periodic function by a discrete sum of complex exponentials, while the Fourier transform is then used to represent a general, nonperiodic function by a continuous superposition or integral of complex exponentials.",What is the relationship between the Fourier transform and Fourier series representation of a continuous function 260,596,The one-way analysis of variance (ANOVA) is used to determine whether there are any statistically significant differences between the means of three or more independent (unrelated) groups.,What is the purpose of analysis of variance 261,269,"Why the Lognormal Distribution is used to Model Stock Prices Since the lognormal distribution is bound by zero on the lower side, it is therefore perfect for modeling asset prices which cannot take negative values. The normal distribution cannot be used for the same purpose because it has a negative side.",Why do we use lognormal distribution 262,2005,"Principal component analysis (PCA) is a technique for reducing the dimensionality of such datasets, increasing interpretability but at the same time minimizing information loss. It does so by creating new uncorrelated variables that successively maximize variance.",What does principal component analysis do 263,7325,"Machine learning usually has to achieve multiple targets, which are often conflicting with each other. Multi-objective model selection to improve the performance of learning models, such as neural networks, support vector machines, decision trees, and fuzzy systems.",What are some Machine Learning techniques for objective optimization 264,386,"Deep Learning does this by utilizing neural networks with many hidden layers, big data, and powerful computational resources. In unsupervised learning, algorithms such as k-Means, hierarchical clustering, and Gaussian mixture models attempt to learn meaningful structures in the data.",Is deep learning the same as unsupervised learning 265,1328,"“Support Vector Machine” (SVM) is a supervised machine learning algorithm which can be used for both classification or regression challenges. Then, we perform classification by finding the hyper-plane that differentiates the two classes very well (look at the below snapshot).",Is support vector machine SVM a data structure or an algorithm 266,2445,"The normal distribution is the most important probability distribution in statistics because it fits many natural phenomena. For example, heights, blood pressure, measurement error, and IQ scores follow the normal distribution. It is also known as the Gaussian distribution and the bell curve.",Where in nature can you find a normal distribution 267,8417,t-test is used to test if two sample have the same mean. The assumptions are that they are samples from normal distribution. f-test is used to test if two sample have the same variance.,What is the relationship between T test and F test 268,966,"How to Find a Sample Size Given a Confidence Interval and Width (unknown population standard deviation)za/2: Divide the confidence interval by two, and look that area up in the z-table: .95 / 2 = 0.475. E (margin of error): Divide the given width by 2. 6% / 2. : use the given percentage. 41% = 0.41. : subtract. from 1.",How do you calculate sample size if population is unknown 269,1222,The true error rate is statistically defined as the error rate of the classifier on a large number of new cases that converge in the limit to the actual population distribution. It turns out that there are a number of ways of presenting sample cases to a classifier to get better estimates of the true error rate.,What is true error rate 270,1173,"These three elements allow you to take a process perspective on the data. Figure 3: The three minimum requirements for process mining: A Case ID, an Activity name and at least one Timestamp column.",How many data points are required for process mining 271,1703,"There are two types of chi-square tests. A very small chi square test statistic means that your observed data fits your expected data extremely well. In other words, there is a relationship. A very large chi square test statistic means that the data does not fit very well. In other words, there isn't a relationship.",What does it mean to obtain a large value for the chi square statistic 272,708,"In a 2-by-2 table with cells a, b, c, and d (see figure), the odds ratio is odds of the event in the exposure group (a/b) divided by the odds of the event in the control or non-exposure group (c/d). Thus the odds ratio is (a/b) / (c/d) which simplifies to ad/bc.",How do you calculate odds ratio 273,8252,"In marketing terms, a multi-armed bandit solution is a 'smarter' or more complex version of A/B testing that uses machine learning algorithms to dynamically allocate traffic to variations that are performing well, while allocating less traffic to variations that are underperforming.",What is a bandit algorithm 274,6922,Censoring is a form of missing data problem in which time to event is not observed for reasons such as termination of study before all recruited subjects have shown the event of interest or the subject has left the study prior to experiencing an event. Censoring is common in survival analysis.,What is censoring in survival analysis 275,2539,Null hypothesis are never accepted. We either reject them or fail to reject them. The distinction between “acceptance” and “failure to reject” is best understood in terms of confidence intervals. Failing to reject a hypothesis means a confidence interval contains a value of “no difference”.,What are the differences between accepting and not rejecting a null hypothesis 276,5577,"ARIMA is an acronym that stands for AutoRegressive Integrated Moving Average. This is one of the easiest and effective machine learning algorithm to performing time series forecasting. In simple words, it performs regression in previous time step t-1 to predict t.",Is Arima a machine learning model 277,2807,General reporting recommendations such as that of APA Manual apply. One should report exact p-value and an effect size along with its confidence interval. In the case of likelihood ratio test one should report the test's p-value and how much more likely the data is under model A than under model B.,How do you report the likelihood ratio test 278,8650,"Root Mean Square Error (RMSE) is the standard deviation of the residuals (prediction errors). Residuals are a measure of how far from the regression line data points are; RMSE is a measure of how spread out these residuals are. In other words, it tells you how concentrated the data is around the line of best fit.",What is RMSE in regression 279,8128,"Arrange your set of numbers from smallest to largest. Determine which measure of central tendency you wish to calculate. The three types are mean, median and mode. To calculate the mean, add all your data and divide the result by the number of data.",How do you find central tendency 280,6239,The bootstrap method is a resampling technique used to estimate statistics on a population by sampling a dataset with replacement. It can be used to estimate summary statistics such as the mean or standard deviation. That when using the bootstrap you must choose the size of the sample and the number of repeats.,What is bootstrap method in statistics 281,3311,Statistical significance is a determination that a relationship between two or more variables is caused by something other than chance. Statistical hypothesis testing is used to determine whether the result of a data set is statistically significant.,What is statistical significance and how does it relate to correlation 282,1219,"In distributed training the workload to train a model is split up and shared among multiple mini processors, called worker nodes. Distributed training can be used for traditional ML models, but is better suited for compute and time intensive tasks, like deep learning for training deep neural networks.",What is distributed training 283,4900,"Feature Selection vs Dimensionality Reduction While both methods are used for reducing the number of features in a dataset, there is an important difference. Feature selection is simply selecting and excluding given features without changing them. Dimensionality reduction transforms features into a lower dimension.",Whats the difference between dimensionality reduction and feature selection 284,460,"Bayes theorem provides a way to calculate the probability of a hypothesis based on its prior probability, the probabilities of observing various data given the hypothesis, and the observed data itself. — Page 156, Machine Learning, 1997.",What is the purpose of Bayes theorem in machine learning 285,7703,Multiply the Grand total by the Pretest probability to get the Total with disease. Compute the Total without disease by subtraction. Multiply the Total with disease by the Sensitivity to get the number of True positives. Multiply the Total without disease by the Specificity to get the number of True Negatives.,How do you calculate true negative 286,7004,"There are 3 main ways of describing the intensity of an activity – vigorous, moderate, and gentle. Vigorous activities tend to make you “huff and puff”.",How do you describe your activity level 287,7172,How to calculate margin of errorGet the population standard deviation (σ) and sample size (n).Take the square root of your sample size and divide it into your population standard deviation.Multiply the result by the z-score consistent with your desired confidence interval according to the following table:,How do you find the margin of error for a sample mean 288,7692,The adjusted R-squared is a modified version of R-squared that has been adjusted for the number of predictors in the model. The adjusted R-squared increases only if the new term improves the model more than would be expected by chance. It decreases when a predictor improves the model by less than expected by chance.,What is Adjusted R Squared in Statistics 289,3094,"The bootstrap is a tool, which allows us to obtain better finite sample approximation of estimators. The bootstrap is used all over the place to estimate the variance, correct bias and construct CIs etc. There are many, many different types of bootstraps.",Why does the bootstrap work 290,3054,Order of training data during training a neural network matters a great deal. If you are training with a mini batch you may see large fluctuations in accuracy (and cost function) and may end up over fitting correlated portions of your mini batch.,Does the order of training examples within a minibatch matter when training a neural network 291,1173,"In statistics, the logit (/ˈloʊdʒɪt/ LOH-jit) function or the log-odds is the logarithm of the odds where p is a probability. It is a type of function that creates a map of probability values from to. .",What logit means 292,383,"An RNN has a looping mechanism that acts as a highway to allow information to flow from one step to the next. Passing Hidden State to next time step. This information is the hidden state, which is a representation of previous inputs. Let's run through an RNN use case to have a better understanding of how this works.",What is a hidden state in RNN 293,808,"In terms of machine learning, ""concept learning"" can be defined as: “The problem of searching through a predefined space of potential hypotheses for the hypothesis that best fits the training examples.” — Tom Michell. Much of human learning involves acquiring general concepts from past experiences.",What is Concept Learning in machine learning 294,2638,"The Delta Rule employs the error function for what is known as Gradient Descent learning, which involves the 'modification of weights along the most direct path in weight-space to minimize error', so change applied to a given weight is proportional to the negative of the derivative of the error with respect to that",What is Delta error in neural network 295,3350,LDA is an example of a topic model and belongs to the machine learning toolbox and in wider sense to the artificial intelligence toolbox.,Is Latent Dirichlet Allocation machine learning 296,2719,"Entropy is simply a measure of disorder and affects all aspects of our daily lives. In fact, you can think of it as nature's tax. Left unchecked disorder increases over time. Energy disperses, and systems dissolve into chaos.",What is entropy and why is it important 297,4605,"In mathematics, more specifically in the theory of Monte Carlo methods, variance reduction is a procedure used to increase the precision of the estimates that can be obtained for a given simulation or computational effort. For simulation with black-box models subset simulation and line sampling can also be used.",What is variance reduction technique 298,6507,"An autoencoder accepts input, compresses it, and then recreates the original input. A variational autoencoder assumes that the source data has some sort of underlying probability distribution (such as Gaussian) and then attempts to find the parameters of the distribution.",Whats the difference between a Variational Autoencoder VAE and an Autoencoder 299,7744,"Simply put, a random sample is a subset of individuals randomly selected by researchers to represent an entire group as a whole. The goal is to get a sample of people that is representative of the larger population.",What is the purpose of random sampling 300,2609,The most commonly used metric for regression tasks is RMSE (Root Mean Square Error). This is defined as the square root of the average squared distance between the actual score and the predicted score: rmse=√∑ni=1(yi−^yi)2n.,What are regression metrics 301,783,"Regression lossMean Square Error, Quadratic loss, L2 Loss. Mean Square Error (MSE) is the most commonly used regression loss function. Mean Absolute Error, L1 Loss. Mean Absolute Error (MAE) is another loss function used for regression models. Huber Loss, Smooth Mean Absolute Error. Log-Cosh Loss. Quantile Loss.",What are some loss functions that we can use for either regression or classification models 302,5364,"Definition. A study design that randomly assigns participants into an experimental group or a control group. As the study is conducted, the only expected difference between the control and experimental groups in a randomized controlled trial (RCT) is the outcome variable being studied.",What is the correct definition of a randomized controlled clinical trial 303,1105,"In machine learning and pattern recognition, a feature is an individual measurable property or characteristic of a phenomenon being observed. Choosing informative, discriminating and independent features is a crucial step for effective algorithms in pattern recognition, classification and regression.",What are the features in machine learning 304,4905,"The Decision Analysis Process is used in support of decision making bodies to help evaluate technical, cost, and schedule issues, alternatives, and their uncertainties. Decision models have the capacity for accepting and quantifying human subjective inputs: judgments of experts and preferences of decision makers.",What is the purpose of decision analysis 305,2132,"Tensorflow feature columnsTensorflow feature columns. If the tensor is a matrix, you can provide a shape expressing the dimensions.Partitioning a numerical column into a set of indicator categoricals can be done using bucketized_column :More items",What are feature columns in TensorFlow 306,1021,"v) Matthews Correlation Coefficient (MCC) Similar to Correlation Coefficient, the range of values of MCC lie between -1 to +1. A model with a score of +1 is a perfect model and -1 is a poor model.",What is a good Matthews Correlation Coefficient 307,1388,"In artificial neural networks, the activation function of a node defines the output of that node given an input or set of inputs. A standard integrated circuit can be seen as a digital network of activation functions that can be ""ON"" (1) or ""OFF"" (0), depending on input.",What is activation function used in a neural network 308,1375,"You description is confusing, but it is totally possible to have test error both lower and higher than training error. A lower training error is expected when a method easily overfits to the training data, yet, poorly generalizes.",Can test error be lower than training error 309,2873,"Tips for LSTM Input The meaning of the 3 input dimensions are: samples, time steps, and features. The LSTM input layer is defined by the input_shape argument on the first hidden layer. The input_shape argument takes a tuple of two values that define the number of time steps and features.",What is the input of Lstm 310,214,"Their only difference is that the conditional probability assumes that we already know something -- that B is true. The intersection doesn't assume that we know anything. So for P(A ∩ B), we will receive a probability between 0, impossible, and 1, certain.",What is the difference between conditional probability and intersection 311,5448,"In probability theory and statistics, a collection of random variables is independent and identically distributed if each random variable has the same probability distribution as the others and all are mutually independent. This property is usually abbreviated as i.i.d. or iid or IID.",How can you explain briefly independent and identically distributed random variables in statistics 312,5398,"Qualitative Differences The population standard deviation is a parameter, which is a fixed value calculated from every individual in the population. A sample standard deviation is a statistic. This means that it is calculated from only some of the individuals in a population.",Is population standard deviation the same as standard deviation 313,6760,"The key assumption in ordinal regression is that the effects of any explanatory variables are consistent or proportional across the different thresholds, hence this is usually termed the assumption of proportional odds (SPSS calls this the assumption of parallel lines but it's the same thing).",What are the assumptions of ordinal logistic regression 314,7780,"Ordinal logistic regression (often just called 'ordinal regression') is used to predict an ordinal dependent variable given one or more independent variables. As with other types of regression, ordinal regression can also use interactions between independent variables to predict the dependent variable.",Can you do regression with ordinal data 315,1331,The logit model uses something called the cumulative distribution function of the logistic distribution. The probit model uses something called the cumulative distribution function of the standard normal distribution to define f(∗). Both functions will take any number and rescale it to fall between 0 and 1.,What is logit probit model 316,3196,"The power of a test is the probability of rejecting the null hypothesis when it is false; in other words, it is the probability of avoiding a type II error. The power may also be thought of as the likelihood that a particular study will detect a deviation from the null hypothesis given that one exists.",What does the power of the test measure 317,784,A pseudo-random process is a process that appears to be random but is not. Pseudo-random sequences typically exhibit statistically randomness while being generated by an entirely deterministic casual process. Two dimensional Faure sequence has been taken for quasi-random number.,What is the difference between a pseudo random number and a quasi random number 318,5211,"The answer is a big NO. Data science gets solutions and results to specific business problems using AI as a tool. If data science is to insights, machine learning is to predictions and artificial intelligence is to actions.",Is machine learning necessary for AI 319,2220,"The hidden layers of a CNN typically consist of convolutional layers, pooling layers, fully connected layers, and normalization layers. Here it simply means that instead of using the normal activation functions defined above, convolution and pooling functions are used as activation functions.",What is hidden layer in CNN 320,474,"Using batch normalization makes the network more stable during training. This may require the use of much larger than normal learning rates, that in turn may further speed up the learning process. — Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift, 2015.",Should I use batch normalization 321,1611,"A normal distribution with a mean of 0 and a standard deviation of 1 is called a standard normal distribution. Areas of the normal distribution are often represented by tables of the standard normal distribution. For example, a Z of -2.5 represents a value 2.5 standard deviations below the mean.",What does standard distribution mean 322,1054,The purpose of causal analysis is trying to find the root cause of a problem instead of finding the symptoms. This technique helps to uncover the facts that lead to a certain situation.,What is the purpose of causal analysis 323,259,"In statistics, a positively skewed (or right-skewed) distribution is a type of distribution in which most values are clustered around the left tail of the distribution while the right tail of the distribution is longer.",What is a positive skew in statistics 324,6148,"Lambda architecture is a data-processing architecture designed to handle massive quantities of data by taking advantage of both batch and stream-processing methods. The rise of lambda architecture is correlated with the growth of big data, real-time analytics, and the drive to mitigate the latencies of map-reduce.",What is Lambda architecture in big data 325,576,"A small RMSE means good prediction and large means bad model. In classification, you have (finite and countable) class labels, which do not correspond to numbers. Therefore you can not use RMSE because it is difficult to find difference between, say, label 'a' and 'b'.",Can RMSE be used for classification 326,1790,Multilevel modelling is an approach that can be used to handle clustered or grouped data. Multilevel modelling can also be used to analyse repeated measures data.,What is a multilevel modeling approach 327,917,"Image annotation for deep learning is mainly done for object detection with more precision. 3D Cuboid Annotation, Semantic Segmentation, and polygon annotation are used to annotate the images using the right tool to make the objects well-defined in the image for neural network analysis in deep learning.",How do you annotate images for machine learning 328,2933,The formula for the Expected Value for a binomial random variable is: P(x) * X.,How do you find the expected value of a binomial random variable 329,823,"To construct a histogram, the first step is to ""bin"" (or ""bucket"") the range of values—that is, divide the entire range of values into a series of intervals—and then count how many values fall into each interval. The bins are usually specified as consecutive, non-overlapping intervals of a variable.",What is a bin size in a histogram 330,759,"The descriptive analysis uses mainly unsupervised learning approaches for summarizing, classifying, extracting rules to answer what happens was happened in the past. While Predictive analysis is about machine learning approaches for the aim forecasting future data based on past data.",What are predictive and descriptive learning tasks in machine learning 331,5569,"Batch Normalization (BatchNorm) is a widely adopted technique that enables faster and more stable training of deep neural networks (DNNs). This smoothness induces a more predictive and stable behavior of the gradients, allowing for faster training.",Why does batch normalization help 332,900,"The Binomial Theorem is a quick way (okay, it's a less slow way) of expanding (or multiplying out) a binomial expression that has been raised to some (generally inconveniently large) power. For instance, the expression (3x – 2)10 would be very painful to multiply out by hand.",How do you use the binomial theorem 333,7425,"Poisson Formula. P(x; μ) = (e-μ) (μx) / x! where x is the actual number of successes that result from the experiment, and e is approximately equal to 2.71828. The Poisson distribution has the following properties: The mean of the distribution is equal to μ . The variance is also equal to μ .",What is Poisson distribution formula 334,23,The scale-invariant feature transform (SIFT) is an algorithm used to detect and describe local features in digital images. The descriptors are supposed to be invariant against various transformations which might make images look different although they represent the same object(s).,Why sift is scale invariant 335,9,"S is known both as the standard error of the regression and as the standard error of the estimate. S represents the average distance that the observed values fall from the regression line. Conveniently, it tells you how wrong the regression model is on average using the units of the response variable.",How do you interpret the standard error of the estimate 336,7847,"Learning statistics means learning to communicate using the statistical language, solving statistical problems, drawing conclusions, and supporting conclusions by explaining the reasoning behind them. There are often different ways to solve a statistical problem.",What is the goal of learning statistics 337,860,"LSTMs control the exposure of memory content (cell state) while GRUs expose the entire cell state to other units in the network. The LSTM unit has separate input and forget gates, while the GRU performs both of these operations together via its reset gate.",What is the difference between GRU and Lstm 338,1607,"Hypothesis Tests of the Mean and MedianParametric tests (means)Nonparametric tests (medians)1-sample t test1-sample Sign, 1-sample Wilcoxon2-sample t testMann-Whitney testOne-Way ANOVAKruskal-Wallis, Mood's median testFactorial DOE with one factor and one blocking variableFriedman test",What are the different types of parametric tests 339,303,3.1 Comparison MatrixClassification AlgorithmsAccuracyF1-ScoreNaïve Bayes80.11%0.6005Stochastic Gradient Descent82.20%0.5780K-Nearest Neighbours83.56%0.5924Decision Tree84.23%0.63083 more rows•,Which algorithm is best for classification 340,8395,The main difference between Binomial and Poisson Distribution is that the Binomial distribution is only for a certain frame or a probability of success and the Poisson distribution is used for events that could occur a very large number of times.,What is the main difference between the binomial distribution and the Poisson distribution 341,2051,Quota sampling is defined as a non-probability sampling method in which researchers create a sample involving individuals that represent a population. Researchers choose these individuals according to specific traits or qualities. These samples can be generalized to the entire population.,What type of sampling is quota sampling 342,405,"Another serious limitation is that practitioners need to develop new skills in seeking and appraising evidence, which takes considerable time and effort. Without these skills practitioners are prone to confirmation bias – seeing only the evidence that supports their personal experience and judgment.",What are the disadvantages of evidence based practice 343,4043,"Sampling bias occurs when some members of a population are systematically more likely to be selected in a sample than others. It is also called ascertainment bias in medical fields. Sampling bias limits the generalizability of findings because it is a threat to external validity, specifically population validity.AP ۱۳۹۹ غویی ۳۱",What is sampling bias 344,7232,"This approach involves either forward selection, adding features one at a time, or backward selection, removing features one at a time until some criterion is reached. Additionally, a bidirectional selection method is available that involves adding or removing a feature at each step.",What is backward selection 345,2479,"The calibration module allows you to better calibrate the probabilities of a given model, or to add support for probability prediction. Well calibrated classifiers are probabilistic classifiers for which the output of the predict_proba method can be directly interpreted as a confidence level.",What is calibrated probability 346,8647,"The normal distribution is the most important probability distribution in statistics because it fits many natural phenomena. For example, heights, blood pressure, measurement error, and IQ scores follow the normal distribution. It is also known as the Gaussian distribution and the bell curve.",What is normal distribution curve with example 347,6520,"Basically CV<10 is very good, 10-20 is good, 20-30 is acceptable, and CV>30 is not acceptable.",What is a good coefficient of variation 348,5238,"Image features, such as edges and interest points, provide rich information on the image content. They correspond to local regions in the image and are fun- damental in many applications in image analysis: recognition, matching, recon- struction, etc.",What are the features of images 349,920,"The reason that SVMs often outperform ANNs in practice is that they deal with the biggest problem with ANNs, SVMs are less prone to overfitting.",What is one reason we might choose to use support vector machine rather than an artificial neural network 350,1460,"The initial task of image processing is to enhance the quality of digital images for further analysis. This chapter also reviews methods that are used to quantitatively determine specific image information, such as relative composition, particle size, interparticle distance, intensity profile, etc.",What is image processing and analysis 351,3103,"Random forest (RF) missing data algorithms are an attractive approach for imputing missing data. They have the desirable properties of being able to handle mixed types of missing data, they are adaptive to interactions and nonlinearity, and they have the potential to scale to big data settings.",Can random forest handle missing data 352,4428,Error correction rules were initially proposed as ad hoc rules for single unit training. These rules essentially drive the output error of a given unit to zero. We start with the classical perceptron learning rule and give a proof for its convergence.,What is correction in Perceptron learning rule 353,2791,"In Logic, the Fallacy of Division is a fallacy of induction that occurs when someone assumes that what is true of a whole, must also be true of the parts of the parts. For example, it might be that an excellent baseball team is composed of mediocre players.",What is fallacy of division with example 354,751,"In statistics, the generalized linear model (GLM) is a flexible generalization of ordinary linear regression that allows for response variables that have error distribution models other than a normal distribution.",What is GLM in logistic regression 355,1901,"In probability theory and statistics, the hypergeometric distribution is a discrete probability distribution that describes the probability of successes (random draws for which the object drawn has a specified feature) in draws, without replacement, from a finite population of size that contains exactly objects with",What is hypergeometric distribution in statistics 356,7116,"Imbalanced classification refers to a classification predictive modeling problem where the number of examples in the training dataset for each class label is not balanced. That is, where the class distribution is not equal or close to equal, and is instead biased or skewed.",What is class imbalance in machine learning 357,7999,Time series analysis comprises methods for analyzing time series data in order to extract meaningful statistics and other characteristics of the data. Time series forecasting is the use of a model to predict future values based on previously observed values.,What is meant by time series analysis 358,4497,"Conditional probability is defined as the likelihood of an event or outcome occurring, based on the occurrence of a previous event or outcome. Conditional probability is calculated by multiplying the probability of the preceding event by the updated probability of the succeeding, or conditional, event.",What do you mean by conditional probability 359,1214,"In mathematics, input and output are terms that relate to functions. Both the input and output of a function are variables, which means that they change. You can choose the input variables yourself, but the output variables are always determined by the rule established by the function.",How do you identify input and output variables 360,4801,"To then oversample, take a sample from the dataset, and consider its k nearest neighbors (in feature space). To create a synthetic data point, take the vector between one of those k neighbors, and the current data point. Multiply this vector by a random number x which lies between 0, and 1.",How do you oversample data 361,209,"Artificial intelligence (AI) is the attempt to let computers perform services for which humans need intelligence. However, this is still not possible today. AI systems are capable of recognizing patterns, learning and making decisions.",Is artificial intelligence intelligent 362,8195,Positive feedback loops enhance or amplify changes; this tends to move a system away from its equilibrium state and make it more unstable. Negative feedbacks tend to dampen or buffer changes; this tends to hold a system to some equilibrium state making it more stable.,What happens to positive feedback loops over time 363,450,Jakob Bernoulli,Who discovered the law of large numbers 364,791,Programming is the fundamental requirement of deep learning. You can't perform deep learning without using a programming language. Deep learning professionals use Python or R as their programming language because of their functionalities and effectiveness.,What is required for deep learning 365,5107,"A machine learning model is a file that has been trained to recognize certain types of patterns. You train a model over a set of data, providing it an algorithm that it can use to reason over and learn from those data. See Get ONNX models for Windows ML for more information.",What is ML model 366,4507,The matrix norm is similar to the magnitude of a vector. It is useful whenever a system/problem can be formulated into a matrix that has some physical meaning.,What is Matrix norm used for 367,5624,"k-means clustering is a method of vector quantization, originally from signal processing, that aims to partition n observations into k clusters in which each observation belongs to the cluster with the nearest mean (cluster centers or cluster centroid), serving as a prototype of the cluster.",What is meant by K means clustering algorithm 368,2721,"To conclude, the important thing to remember about the odds ratio is that an odds ratio greater than 1 is a positive association (i.e., higher number for the predictor means group 1 in the outcome), and an odds ratio less than 1 is negative association (i.e., higher number for the predictor means group 0 in the outcome",How do you interpret the odds ratio in logistic regression 369,9,"the limiting value C is 1 + A times larger than the initial output y(0)A is the number of times that the initial population must grow to reach C.if B is positive, the logistic function will always increase,while if B is negative, the function will always decrease.",How do you tell if a logistic function is increasing or decreasing 370,4349,"No, because the sample is not representative of the whole population. Find the​ range, variance, and standard deviation for the sample data.",Is the standard deviation of the sample A good estimate 371,7357,Top N accuracy — Top N accuracy is when you measure how often your predicted class falls in the top N values of your softmax distribution.,What is top n accuracy 372,869,Class Boundaries. Separate one class in a grouped frequency distribution from another. The boundaries have one more decimal place than the raw data and therefore do not appear in the data. There is no gap between the upper boundary of one class and the lower boundary of the next class.,What are the class boundaries 373,124,"Discrete random variables can only take on values from a countable set of numbers such as the integers or some subset of integers. (Usually, they can't be fractions.)",Can a discrete variable take any fractional value 374,5123,"The central limit theorem states that the sampling distribution of the mean approaches a normal distribution, as the sample size increases. Therefore, as a sample size increases, the sample mean and standard deviation will be closer in value to the population mean μ and standard deviation σ .",What happens if the sample size increases 375,4857,1:357:43Suggested clip · 113 secondsProbability of the Complement of an Event 128-1.4 - YouTubeYouTubeStart of suggested clipEnd of suggested clip,How do you solve probability complements 376,5224,"Bias can damage research, if the researcher chooses to allow his bias to distort the measurements and observations or their interpretation. When faculty are biased about individual students in their courses, they may grade some students more or less favorably than others, which is not fair to any of the students.",Why is being bias bad 377,781,Definition: Distribution means to spread the product throughout the marketplace such that a large number of people can buy it. Distribution involves doing the following things: Tracking the places where the product can be placed such that there is a maximum opportunity to buy it.,What is meant by a distribution 378,4268,Translational Invariance makes the CNN invariant to translation. Invariance to translation means that if we translate the inputs the CNN will still be able to detect the class to which the input belongs. Translational Invariance is a result of the pooling operation.,Is CNN translation invariant 379,304,"The expected value of the difference between all possible sample means is equal to the difference between population means. Thus, E(x1 - x2) = μd = μ1 - μ2.",How do you find the sample mean difference 380,8059,"It will be easier to learn and use. If you are in the industry where you need to deploy models in production, Tensorflow is your best choice. You can use Keras/Pytorch for prototyping if you want. But you don't need to switch as Tensorflow is here to stay.",Should I use PyTorch or TensorFlow 381,1812,"Machine learning can be described in many ways. Perhaps the most useful is as type of optimization. This is done via what is known as an objective function, with “objective” used in the sense of a goal. This function, taking data and model parameters as arguments, can be evaluated to return a number.",What is an objective function in machine learning 382,5333,The correlation coefficient is a statistical measure of the strength of the relationship between the relative movements of two variables. The values range between -1.0 and 1.0. A calculated number greater than 1.0 or less than -1.0 means that there was an error in the correlation measurement.,What is a correlation coefficient in simple words 383,8352,"At a bare minimum, collect around 1000 examples. For most ""average"" problems, you should have 10,000 - 100,000 examples. For “hard” problems like machine translation, high dimensional data generation, or anything requiring deep learning, you should try to get 100,000 - 1,000,000 examples.",How many data points are required for machine learning 384,3930,Independent Variables An independent variable is the factor that has some influence or impact on the dependent variable.,What is an independent relationship between two variables 385,1710,The response variable is the focus of a question in a study or experiment. An explanatory variable is one that explains changes in that variable. It can be anything that might affect the response variable.,How do you identify a response variable 386,3756,Advantages of Recurrent Neural Network It is useful in time series prediction only because of the feature to remember previous inputs as well. This is called Long Short Term Memory. Recurrent neural network are even used with convolutional layers to extend the effective pixel neighborhood.,Why is a neural network recurrent 387,1090,"The uniform distribution defines equal probability over a given range for a continuous distribution. For this reason, it is important as a reference distribution. One of the most important applications of the uniform distribution is in the generation of random numbers.",What is the use of uniform distribution 388,4824,"Stochastic vs. In general, stochastic is a synonym for random. For example, a stochastic variable is a random variable. A stochastic process is a random process. Typically, random is used to refer to a lack of dependence between observations in a sequence.",What is the difference between stochastic and random 389,2585,"Definition. Data Partitioning is the technique of distributing data across multiple tables, disks, or sites in order to improve query processing performance or increase database manageability.",What is partitioning of data 390,5337,"Depending on the skill being taught, backward chaining has a distinct advantage: It directly links the independent completion of a task to the immediate reward or reinforcement. Once the child can complete the last step independently, he or she can work on also completing the next-to-last step independently.",What is an advantage of backward chaining 391,637,"If you have two independent groups, and the variances are equal, F = t^2. The value of “t” is then calculated as the difference between the two sample means divided by the estimated pooled sample standard deviation (in the case of two independent samples, drawn from populations of equal variance).",How are the F statistic and t statistic related 392,8169,The multivariate normal distribution has two or more random variables — so the bivariate normal distribution is actually a special case of the multivariate normal distribution.,What is bivariate and multivariate distribution 393,2538,"An important problem that arises when we search for similar items of any kind is that there may be far too many pairs of items to test each pair for their degree of similarity, even if computing the similarity of any one pair can be made very easy.",Why is finding similar items important in big data 394,8307,"One assumption of Poisson Models is that the mean and the variance are equal, but this assumption is often violated. This can be dealt with by using a dispersion parameter if the difference is small or a negative binomial regression model if the difference is large.",What can we do if our modelling assumption are violated in Poisson Regression Modelling 395,6166,"Big data might be big business, but overzealous data mining can seriously destroy your brand. As companies become experts at slicing and dicing data to reveal details as personal as mortgage defaults and heart attack risks, the threat of egregious privacy violations grows.",Why is data mining bad 396,6318,One of the major advantages of neural nets is their ability to generalize. This means that a trained net could classify data from the same class as the learning data that it has never seen before. The training set is used to train a neural net. The error of this dataset is minimized during training.,What is generalization in neural network 397,8291,"Cross-entropy can be calculated using the probabilities of the events from P and Q, as follows: H(P, Q) = – sum x in X P(x) * log(Q(x))",How is cross entropy calculated 398,179,"The function fX(x) gives us the probability density at point x. It is the limit of the probability of the interval (x,x+Δ] divided by the length of the interval as the length of the interval goes to 0. Remember that P(x