lotte_passages / science /dev /questions.forum.tsv
colbertv2's picture
Upload folder using huggingface_hub
c357361
0 Making sense of principal component analysis, eigenvectors & eigenvalues
1 How to choose the number of hidden layers and nodes in a feedforward neural network?
2 What is the difference between likelihood and probability?
3 What is the intuition behind beta distribution?
4 What is the difference between test set and validation set?
5 Why square the difference instead of taking the absolute value in standard deviation?
6 Relationship between SVD and PCA. How to use SVD to perform PCA?
7 The Two Cultures: statistics vs. machine learning?
8 How to understand the drawbacks of K-means
9 Bayesian and frequentist reasoning in plain English
10 Explaining to laypeople why bootstrapping works
11 Python as a statistics workbench
12 When conducting multiple regression, when should you center your predictor variables & when should you standardize them?
13 What happens if the explanatory and response variables are sorted independently before regression?
14 What is your favorite data analysis cartoon?
15 What is the difference between fixed effect, random effect and mixed effect models?
16 Difference between logit and probit models
17 How to normalize data to 0-1 range?
18 Is normality testing essentially useless?
19 Why is Euclidean distance not a good metric in high dimensions?
20 What is the trade-off between batch size and number of iterations to train a neural network?
21 How to understand degrees of freedom?
22 Bagging, boosting and stacking in machine learning
23 Whats the difference between a confidence interval and a credible interval?
24 What is the meaning of p values and t values in statistical tests?
25 Famous statistical quotations
26 What does AUC stand for and what is it?
27 Why does a 95% Confidence Interval (CI) not imply a 95% chance of containing the mean?
28 What should I do when my neural network doesnt learn?
29 Interpretation of Rs lm() output
30 Is $R^2$ useful or dangerous?
31 How would you explain Markov Chain Monte Carlo (MCMC) to a layperson?
32 Is there any reason to prefer the AIC or BIC over the other?
33 How would you explain covariance to someone who understands only the mean?
34 What is batch size in neural network?
35 What are common statistical sins?
36 What are the differences between Factor Analysis and Principal Component Analysis?
37 How to know that your machine learning problem is hopeless?
38 How to choose a predictive model after k-fold cross-validation?
39 What is the best introductory Bayesian statistics textbook?
40 Algorithms for automatic model selection
41 What is the difference between data mining, statistics, machine learning and AI?
42 Which mean to use and when?
43 When (and why) should you take the log of a distribution (of numbers)?
44 How should I transform non-negative data including zeros?
45 ROC vs precision-and-recall curves
46 How to interpret a QQ plot
47 Why is Newtons method not widely used in machine learning?
48 What does the hidden layer in a neural network compute?
49 When should I use lasso vs ridge?
50 In linear regression, when is it appropriate to use the log of an independent variable instead of the actual values?
51 Can principal component analysis be applied to datasets containing a mix of continuous and categorical variables?
52 How to deal with perfect separation in logistic regression?
53 Rs lmer cheat sheet
54 What is a data scientist?
55 How do I get the number of rows of a data.frame in R?
56 How to summarize data by group in R?
57 PCA on correlation or covariance?
58 How exactly does one “control for other variables”?
59 Generative vs. discriminative
60 Intuitive explanation for dividing by $n-1$ when calculating standard deviation?
61 Why the sudden fascination with tensors?
62 What are the advantages of ReLU over sigmoid function in deep neural networks?
63 What intuitive explanation is there for the central limit theorem?
64 How to determine which distribution fits my data best?
65 Statistics Jokes
66 Why do we need sigma-algebras to define probability spaces?
67 A list of cost functions used in neural networks, alongside applications
68 Choice of K in K-fold cross-validation
69 Can a probability distribution value exceeding 1 be OK?
70 Training on the full dataset after cross-validation?
71 Whats the difference between variance and standard deviation?
72 What does 1x1 convolution mean in a neural network?
73 Cohens kappa in plain English
74 Why is accuracy not the best measure for assessing classification models?
75 Does Julia have any hope of sticking in the statistical community?
76 What is the influence of C in SVMs with linear kernel?
77 How does Keras Embedding layer work?
78 Gradient Boosting Tree vs Random Forest
79 How to intuitively explain what a kernel is?
80 Are large data sets inappropriate for hypothesis testing?
81 What is the difference between a consistent estimator and an unbiased estimator?
82 Whats the difference between Normalization and Standardization?
83 What is the difference between a neural network and a deep neural network, and why do the deep ones work better?
84 Bottom to top explanation of the Mahalanobis distance?
85 Whats the difference between principal component analysis and multidimensional scaling?
86 R vs SAS, why is SAS preferred by private companies?
87 When is it ok to remove the intercept in a linear regression model?
88 Deriving the conditional distributions of a multivariate normal distribution
89 The Sleeping Beauty Paradox
90 How to reverse PCA and reconstruct original variables from several principal components?
91 Amazon interview question—probability of 2nd interview
92 How are the standard errors of coefficients calculated in a regression?
93 Why are p-values uniformly distributed under the null hypothesis?
94 Correlations with unordered categorical variables
95 Does causation imply correlation?
96 How to choose between Pearson and Spearman correlation?
97 Help me understand Bayesian prior and posterior distributions
98 Is Facebook coming to an end?
99 Pearsons or Spearmans correlation with non-normal data
100 Obtaining knowledge from a random forest
101 Crossed vs nested random effects: how do they differ and how are they specified correctly in lme4?
102 When is R squared negative?
103 Batch gradient descent versus stochastic gradient descent
104 Whats the difference between probability and statistics?
105 Objective function, cost function, loss function: are they the same thing?
106 What is the difference between linear regression and logistic regression?
107 Why normalize images by subtracting datasets image mean, instead of the current image mean in deep learning?
108 Why L1 norm for sparse models
109 What is the difference between convolutional neural networks, restricted Boltzmann machines, and auto-encoders?
110 Should one remove highly correlated variables before doing PCA?
111 What if residuals are normally distributed, but y is not?
112 What is the difference between linear regression on y with x and x with y?
113 Why does a time series have to be stationary?
114 Percentile vs quantile vs quartile
115 What is the .632+ rule in bootstrapping?
116 Whats wrong with XKCDs Frequentists vs. Bayesians comic?
117 Differences between cross validation and bootstrapping to estimate the prediction error
118 Free statistical textbooks
119 What is the difference between off-policy and on-policy learning?
120 Difference between neural net weight decay and learning rate
121 Numerical example to understand Expectation-Maximization
122 Why does the Cauchy distribution have no mean?
123 Is there an intuitive interpretation of $A^TA$ for a data matrix $A$?
124 Removal of statistically significant intercept term increases $R^2$ in linear model
125 Nested cross validation for model selection
126 How would you explain the difference between correlation and covariance?
127 How does a Support Vector Machine (SVM) work?
128 What exactly are keys, queries, and values in attention mechanisms?
129 Most interesting statistical paradoxes
130 Books for self-studying time series analysis?
131 Clustering on the output of t-SNE
132 At each step of a limiting infinite process, put 10 balls in an urn and remove one at random. How many balls are left?
133 How to choose between t-test or non-parametric test e.g. Wilcoxon in small samples
134 When to use gamma GLMs?
135 Assessing approximate distribution of data based on a histogram
136 ASA discusses limitations of $p$-values - what are the alternatives?
137 Bias and variance in leave-one-out vs K-fold cross validation
138 If 900 out of 1000 people say a car is blue, what is the probability that it is blue?
139 Is it possible to have a pair of Gaussian random variables for which the joint distribution is not Gaussian?
140 Whats a real-world example of overfitting?
141 What skills are required to perform large scale statistical analyses?
142 Intuitive explanation of unit root
143 Comprehensive list of activation functions in neural networks with pros/cons
144 What misused statistical terms are worth correcting?
145 PCA and proportion of variance explained
146 Why are neural networks becoming deeper, but not wider?
147 Is it possible to train a neural network without backpropagation?
148 Where should I place dropout layers in a neural network?
149 What is an embedding layer in a neural network?
150 Difference between confidence intervals and prediction intervals
151 Maximum Likelihood Estimation (MLE) in layman terms
152 Detecting a given face in a database of facial images
153 How do you calculate precision and recall for multiclass classification using confusion matrix?
154 tanh activation function vs sigmoid activation function
155 KL divergence between two univariate Gaussians
156 Difference between standard error and standard deviation
157 What does a closed-form solution mean?
158 US Election results 2016: What went wrong with prediction models?
159 When should linear regression be called machine learning?
160 Calculating optimal number of bins in a histogram
161 What is covariance in plain language?
162 How to select kernel for SVM?
163 Conditional inference trees vs traditional decision trees
164 How to annoy a statistical referee?
165 T-test for non normal when N>50?
166 What loss function for multi-class, multi-label classification tasks in neural networks?
167 What are the main differences between K-means and K-nearest neighbours?
168 What is rank deficiency, and how to deal with it?
169 Best series of colors to use for differentiating series in publication-quality plots
170 Why use gradient descent for linear regression, when a closed-form math solution is available?
171 Locating freely available data samples
172 Why does the Lasso provide Variable Selection?
173 Explain Curse of dimensionality to a child
174 What book would you recommend for non-statistician scientists?
175 Softmax vs Sigmoid function in Logistic classifier?
176 Does an unbalanced sample matter when doing logistic regression?
177 Diagnostic plots for count regression
178 Is this really how p-values work? Can a million research papers per year be based on pure randomness?
179 Whats the difference between correlation and simple linear regression?
180 Using k-fold cross-validation for time-series model selection
181 What is the difference between zero-inflated and hurdle models?
182 Including the interaction but not the main effects in a model
183 Validation Error less than training error?
184 How scared should we be about convergence warnings in lme4
185 Is there an intuitive explanation why multicollinearity is a problem in linear regression?
186 Interpreting plot.lm()
187 What is the best way to identify outliers in multivariate data?
188 What is the role of the logarithm in Shannons entropy?
189 What are examples where a naive bootstrap fails?
190 Why do we need to normalize data before principal component analysis (PCA)?
191 Simple algorithm for online outlier detection of a generic time series
192 Understanding variance intuitively
193 Can someone explain Gibbs sampling in very simple words?
194 What is the benefit of breaking up a continuous predictor variable?
195 Why isnt Logistic Regression called Logistic Classification?
196 Generate a random variable with a defined correlation to an existing variable(s)
197 What, precisely, is a confidence interval?
198 Why is ANOVA taught / used as if it is a different research methodology compared to linear regression?
199 Under what conditions does correlation imply causation?
200 How to choose nlme or lme4 R library for mixed effects models?
201 Is there a way to remember the definitions of Type I and Type II Errors?
202 Feature selection and cross-validation
203 How much do we know about p-hacking in the wild?
204 How to calculate Area Under the Curve (AUC), or the c-statistic, by hand
205 Who Are The Bayesians?
206 Essential data checking tests
207 What is the relation between k-means clustering and PCA?
208 Solving for regression parameters in closed-form vs gradient descent
209 When to use regularization methods for regression?
210 Convergence in probability vs. almost sure convergence
211 If mean is so sensitive, why use it in the first place?
212 How to efficiently manage a statistical analysis project?
213 If I have a 58% chance of winning a point, whats the chance of me winning a ping pong game to 21, win by 2?
214 Is it necessary to scale the target value in addition to scaling features for regression analysis?
215 Mean absolute error OR root mean squared error?
216 How to apply Neural Network to time series forecasting?
217 Feature selection for final model when performing cross-validation in machine learning
218 The Book of Why by Judea Pearl: Why is he bashing statistics?
219 Given the power of computers these days, is there ever a reason to do a chi-squared test rather than Fishers exact test?
220 Relationship between poisson and exponential distribution
221 How to produce a pretty plot of the results of k-means cluster analysis?
222 Correlation between a nominal (IV) and a continuous (DV) variable
223 Does the variance of a sum equal the sum of the variances?
224 How does the reparameterization trick for VAEs work and why is it important?
225 Why to optimize max log probability instead of probability
226 What is meant by a random variable?
227 Are there any examples where Bayesian credible intervals are obviously inferior to frequentist confidence intervals
228 How to compute precision/recall for multiclass-multilabel classification?
229 What is the lasso in regression analysis?
230 What is the difference between Multiclass and Multilabel Problem
231 How to tell if data is clustered enough for clustering algorithms to produce meaningful results?
232 Principled way of collapsing categorical variables with many levels?
233 Rules of thumb for modern statistics
234 How to sum a standard deviation?
235 How does the correlation coefficient differ from regression slope?
236 How should outliers be dealt with in linear regression analysis?
237 Loadings vs eigenvectors in PCA: when to use one or another?
238 What do you call an average that does not include outliers?
239 How is it possible that validation loss is increasing while validation accuracy is increasing as well
240 Kendall Tau or Spearmans rho?
241 When to use an offset in a Poisson regression?
242 What is a complete list of the usual assumptions for linear regression?
243 What is an uninformative prior? Can we ever have one with truly no information?
244 What is the single most influential book every statistician should read?
245 Is there a minimum sample size required for the t-test to be valid?
246 Calculating the parameters of a Beta distribution using the mean and variance
247 Resampling / simulation methods: monte carlo, bootstrapping, jackknifing, cross-validation, randomization tests, and permutation tests
248 Euclidean distance is usually not good for sparse data (and more general case)?
249 What are principal component scores?
250 An example: LASSO regression using glmnet for binary outcome
251 How to plot ROC curves in multiclass classification?
252 When to use Fisher and Neyman-Pearson framework?
253 What are modern, easily used alternatives to stepwise regression?
254 Line of best fit does not look like a good fit. Why?
255 Why should I be Bayesian when my model is wrong?
256 Why havent robust (and resistant) statistics replaced classical techniques?
257 What is the meaning of All models are wrong, but some are useful
258 Cross-Validation in plain english?
259 Subscript notation in expectations
260 What correlation makes a matrix singular and what are implications of singularity or near-singularity?
261 What is restricted maximum likelihood and when should it be used?
262 What do the residuals in a logistic regression mean?
263 Why is it possible to get significant F statistic (p<.001) but non-significant regressor t-tests?
264 What is the difference between a link function and a canonical link function for GLM
265 What are the big problems in statistics?
266 Mathematician wants the equivalent knowledge to a quality stats degree
267 Examples for teaching: Correlation does not mean causation
268 Why does k-means clustering algorithm use only Euclidean distance metric?
269 Why is ridge regression called ridge, why is it needed, and what happens when $\lambda$ goes to infinity?
270 When (if ever) is a frequentist approach substantively better than a Bayesian?
271 How to interpret an inverse covariance or precision matrix?
272 When is unbalanced data really a problem in Machine Learning?
273 XKCDs modified Bayes theorem: actually kinda reasonable?
274 Regarding p-values, why 1% and 5%? Why not 6% or 10%?
275 Probability of a single real-life future event: What does it mean when they say that Hillary has a 75% chance of winning?
276 Best way to present a random forest in a publication?
277 Why is the L2 regularization equivalent to Gaussian prior?
278 Mutual information versus correlation
279 Please explain the waiting paradox
280 Help me understand Support Vector Machines
281 How to generate uniformly distributed points on the surface of the 3-d unit sphere?
282 Choosing a clustering method
283 Can bootstrap be seen as a cure for the small sample size?
284 What is regularization in plain english?
285 Whatre the differences between PCA and autoencoder?
286 What is the reason that a likelihood function is not a pdf?
287 How to visualize what canonical correlation analysis does (in comparison to what principal component analysis does)?
288 Likelihood ratio vs Bayes Factor
289 Skills hard to find in machine learners?
290 Is there a name for the phenomenon of false positives counterintuitively outstripping true positives
291 Rules of thumb for minimum sample size for multiple regression
292 Explain the difference between multiple regression and multivariate regression, with minimal use of symbols/math
293 What algorithm should I use to detect anomalies on time-series?
294 How to interpret coefficients in a Poisson regression?
295 What is the difference between R functions prcomp and princomp?
296 What is an ablation study? And is there a systematic way to perform it?
297 Free resources for learning R
298 On the importance of the i.i.d. assumption in statistical learning
299 What is a kernel in plain English?
300 Famous statistical wins and horror stories for teaching purposes
301 How to obtain the p-value (check significance) of an effect in a lme4 mixed model?
302 Why not approach classification through regression?
303 What are disadvantages of using the lasso for variable selection for regression?
304 Diagnostics for logistic regression?
305 Shape of confidence interval for predicted values in linear regression
306 Is there any good reason to use PCA instead of EFA? Also, can PCA be a substitute for factor analysis?
307 What is the best way to remember the difference between sensitivity, specificity, precision, accuracy, and recall?
308 Variable selection for predictive modeling really needed in 2016?
309 What are the major philosophical, methodological, and terminological differences between econometrics and other statistical fields?
310 How does a simple logistic regression model achieve a 92% classification accuracy on MNIST?
311 What is global max pooling layer and what is its advantage over maxpooling layer?
312 What is wrong with extrapolation?
313 How exactly did statisticians agree to using (n-1) as the unbiased estimator for population variance without simulation?
314 Bayes regression: how is it done in comparison to standard regression?
315 Does no correlation imply no causality?
316 Do not vote, one vote will not reverse election results. What is wrong with this reasoning?
317 Impractical question: is it possible to find the regression line using a ruler and compass?
318 How and why do normalization and feature scaling work?
319 What are good initial weights in a neural network?
320 Multivariate multiple regression in R
321 Why does including latitude and longitude in a GAM account for spatial autocorrelation?
322 Why do neural network researchers care about epochs?
323 Whats so moment about moments of a probability distribution?
324 How to split the dataset for cross validation, learning curve, and final evaluation?
325 Practical questions on tuning Random Forests
326 What is an intuitive explanation for how PCA turns from a geometric problem (with distances) to a linear algebra problem (with eigenvectors)?
327 What is the intuition behind SVD?
328 Model for predicting number of Youtube views of Gangnam Style
329 What are some of the most common misconceptions about linear regression?
330 Unified view on shrinkage: what is the relation (if any) between Steins paradox, ridge regression, and random effects in mixed models?
331 What is the difference between discrete data and continuous data?
332 What are good RMSE values?
333 Good GUI for R suitable for a beginner wanting to learn programming in R?
334 Where to cut a dendrogram?
335 When to use generalized estimating equations vs. mixed effects models?
336 Having a job in data-mining without a PhD
337 Practical thoughts on explanatory vs. predictive modeling
338 Complete substantive examples of reproducible research using R
339 What method can be used to detect seasonality in data?
340 Understanding ROC curve
341 What is the difference between ZCA whitening and PCA whitening?
342 Do all interactions terms need their individual terms in regression model?
343 What makes the Gaussian kernel so magical for PCA, and also in general?
344 How should tiny $p$-values be reported? (and why does R put a minimum on 2.22e-16?)
345 A psychology journal banned p-values and confidence intervals; is it indeed wise to stop using them?
346 Removing duplicated rows data frame in R
347 How to actually plot a sample tree from randomForest::getTree()?
348 Understanding stratified cross-validation
349 How to tune hyperparameters of xgboost trees?
350 Basic question about Fisher Information matrix and relationship to Hessian and standard errors
351 What are some valuable Statistical Analysis open source projects?
352 Is this the solution to the p-value problem?
353 Covariance and independence?
354 How to use Pearson correlation correctly with time series
355 One-hot vs dummy encoding in Scikit-learn
356 Proper way of using recurrent neural network for time series analysis
357 How can adding a 2nd IV make the 1st IV significant?
358 If A and B are correlated with C, why are A and B not necessarily correlated?
359 Optimization when Cost Function Slow to Evaluate
360 Is there any *mathematical* basis for the Bayesian vs frequentist debate?
361 Whats the difference between feed-forward and recurrent neural networks?
362 What are good basic statistics to use for ordinal data?
363 Do the predictions of a Random Forest model have a prediction interval?
364 Is PCA followed by a rotation (such as varimax) still PCA?
365 What is the relationship between independent component analysis and factor analysis?
366 What problem do shrinkage methods solve?
367 How to normalize data between -1 and 1?
368 What are i.i.d. random variables?
369 How can an artificial neural network ANN, be used for unsupervised clustering?
370 What is a saturated model?
371 When are Log scales appropriate?
372 ImageNet: what is top-1 and top-5 error rate?
373 How is the minimum of a set of IID random variables distributed?
374 Understanding the role of the discount factor in reinforcement learning
375 Whats the difference between momentum based gradient descent and Nesterovs accelerated gradient descent?
376 What is the difference between a neural network and a deep belief network?
377 Assumptions regarding bootstrap estimates of uncertainty
378 Look and you shall find (a correlation)
379 What is a good, convincing example in which p-values are useful?
380 Performance metrics to evaluate unsupervised learning
381 Hold-out validation vs. cross-validation
382 Statistics interview questions
383 Central limit theorem for sample medians
384 Intuition on the Kullback–Leibler (KL) Divergence
385 Taleb and the Black Swan
386 Where did the frequentist-Bayesian debate go?
387 How to interpret F-measure values?
388 How to simulate data that satisfy specific constraints such as having specific mean and standard deviation?
389 Using principal component analysis (PCA) for feature selection
390 Which pseudo-$R^2$ measure is the one to report for logistic regression (Cox & Snell or Nagelkerke)?
391 Why bother with the dual problem when fitting SVM?
392 Why is the Jeffreys prior useful?
393 Intuitive explanation of Fisher Information and Cramer-Rao bound
394 How to visualize what ANOVA does?
395 Is the R language reliable for the field of economics?
396 Standard errors for lasso prediction using R
397 How can I help ensure testing data does not leak into training data?
398 Why would parametric statistics ever be preferred over nonparametric?
399 40,000 neuroscience papers might be wrong
400 References containing arguments against null hypothesis significance testing?
401 How much to pay? A practical problem
402 Regression with multiple dependent variables?
403 Random Forest - How to handle overfitting
404 What does orthogonal mean in the context of statistics?
405 Why is sample standard deviation a biased estimator of $\sigma$?
406 KL divergence between two multivariate Gaussians
407 What is translation invariance in computer vision and convolutional neural network?
408 Why is multicollinearity not checked in modern statistics/machine learning
409 Variables are often adjusted (e.g. standardised) before making a model - when is this a good idea, and when is it a bad one?
410 What is the difference between a partial likelihood, profile likelihood and marginal likelihood?
411 Why is the square root transformation recommended for count data?
412 Real-life examples of moving average processes
413 Why do neural networks need so many training examples to perform?
414 Is this chart showing the likelihood of a terrorist attack statistically useful?
415 Maximum likelihood method vs. least squares method
416 Why is it that natural log changes are percentage changes? What is about logs that makes this so?
417 Why is logistic regression a linear classifier?
418 Why is ANOVA equivalent to linear regression?
419 Why only three partitions? (training, validation, test)
420 Why does ridge estimate become better than OLS by adding a constant to the diagonal?
421 What is the most surprising characterization of the Gaussian (normal) distribution?
422 Criticism of Pearls theory of causality
423 What is the difference between a nested and a non-nested model?
424 Why do we minimize the negative likelihood if it is equivalent to maximization of the likelihood?
425 Clustering with a distance matrix
426 Does it make sense to add a quadratic term but not the linear term to a model?
427 Derivation of closed form lasso solution
428 Reduce Classification Probability Threshold
429 Explain the xkcd jelly bean comic: What makes it funny?
430 Do we need a global test before post hoc tests?
431 How small a quantity should be added to x to avoid taking the log of zero?
432 Efficient online linear regression
433 Are bayesians slaves of the likelihood function?
434 Who created the first standard normal table?
435 List of situations where a Bayesian approach is simpler, more practical, or more convenient
436 Why does collecting data until finding a significant result increase Type I error rate?
437 Wald test for logistic regression
438 Test if two binomial distributions are statistically different from each other
439 What is the difference in Bayesian estimate and maximum likelihood estimate?
440 Perform feature normalization before or within model validation?
441 Is there a difference between controlling for and ignoring other variables in multiple regression?
442 If we fail to reject the null hypothesis in a large study, isnt it evidence for the null?
443 A more definitive discussion of variable selection
444 What are the worst (commonly adopted) ideas/principles in statistics?
445 How to statistically compare two time series?
446 What is the effect of having correlated predictors in a multiple regression model?
447 What is a contrast matrix?
448 Software needed to scrape data from graph
449 Examples of Bayesian and frequentist approach giving different answers
450 Machine learning cookbook / reference card / cheatsheet?
451 Brain teaser: How to generate 7 integers with equal probability using a biased coin that has a pr(head) = p?
452 What does Scientists rise up against statistical significance mean? (Comment in Nature)
453 Two-tailed tests... Im just not convinced. Whats the point?
454 Is the hybrid between Fisher and Neyman-Pearson approaches to statistical testing really an incoherent mishmash?
455 Interpreting Residual and Null Deviance in GLM R
456 Variance of product of multiple independent random variables
457 Is standardization needed before fitting logistic regression?
458 Under what conditions should Likert scales be used as ordinal or interval data?
459 Questions about how random effects are specified in lmer
460 Should I use a categorical cross-entropy or binary cross-entropy loss for binary predictions?
461 What is the difference between estimation and prediction?
462 How to generate correlated random numbers (given means, variances and degree of correlation)?
463 Does it ever make sense to treat categorical data as continuous?
464 Why is tanh almost always better than sigmoid as an activation function?
465 Which permutation test implementation in R to use instead of t-tests (paired and non-paired)?
466 Binary classification with strongly unbalanced classes
467 A generalization of the Law of Iterated Expectations
468 Period detection of a generic time series
469 What does the inverse of covariance matrix say about data? (Intuitively)
470 Advanced statistics books recommendation
471 What is so cool about de Finettis representation theorem?
472 Why is the regularization term *added* to the cost function (instead of multiplied etc.)?
473 Most famous statisticians
474 A chart of daily cases of COVID-19 in a Russian region looks suspiciously level to me - is this so from the statistics viewpoint?
475 Why is the validation accuracy fluctuating?
476 How do you calculate the probability density function of the maximum of a sample of IID uniform random variables?
477 How can I change the title of a legend in ggplot2?
478 Data normalization and standardization in neural networks
479 How does one interpret SVM feature weights?
480 What is the relationship between a chi squared test and test of equal proportions?
481 Why doesnt Random Forest handle missing values in predictors?
482 Does 10 heads in a row increase the chance of the next toss being a tail?
483 Difference between Random Forest and Extremely Randomized Trees
484 Is adjusting p-values in a multiple regression for multiple comparisons a good idea?
485 Is every covariance matrix positive definite?
486 Measuring entropy/ information/ patterns of a 2d binary matrix
487 Logistic regression in R resulted in perfect separation (Hauck-Donner phenomenon). Now what?
488 Optimal number of folds in $K$-fold cross-validation: is leave-one-out CV always the best choice?
489 How to derive variance-covariance matrix of coefficients in linear regression
490 Is it meaningful to calculate Pearson or Spearman correlation between two Boolean vectors?
491 How to calculate pseudo-$R^2$ from Rs logistic regression?
492 Is it important to scale data before clustering?
493 Comparing SVM and logistic regression
494 Are mean normalization and feature scaling needed for k-means clustering?
495 Why is expectation the same as the arithmetic mean?
496 Best practice when analysing pre-post treatment-control designs
497 What are the differences between epoch, batch, and minibatch?
498 Clustering with K-Means and EM: how are they related?
499 What is the variance of the weighted mixture of two gaussians?
500 What are the shortcomings of the Mean Absolute Percentage Error (MAPE)?
501 Are there cases where PCA is more suitable than t-SNE?
502 How do I test that two continuous variables are independent?
503 Choosing between LM and GLM for a log-transformed response variable
504 What are disadvantages of state-space models and Kalman Filter for time-series modelling?
505 Intuitive explanation of the bias-variance tradeoff?
506 Why does shrinkage work?
507 Examples where method of moments can beat maximum likelihood in small samples?
508 Are all values within a 95% confidence interval equally likely?
509 Industry vs Kaggle challenges. Is collecting more observations and having access to more variables more important than fancy modelling?
510 Correlations between continuous and categorical (nominal) variables
511 Manually Calculating P value from t-value in t-test
512 Which activation function for output layer?
513 Is chi-squared always a one-sided test?
514 Which loss function is correct for logistic regression?
515 What does standard deviation tell us in non-normal distribution
516 How should one interpret the comparison of means from different sample sizes?
517 Adam optimizer with exponential decay
518 Neural networks vs support vector machines: are the second definitely superior?
519 Recurrent vs Recursive Neural Networks: Which is better for NLP?
520 Linear model with log-transformed response vs. generalized linear model with log link
521 Box-Cox like transformation for independent variables?
522 Bootstrap vs. jackknife
523 Confidence interval for Bernoulli sampling
524 Introduction to statistics for mathematicians
525 Alternatives to logistic regression in R
526 What is the intuition behind conditional Gaussian distributions?
527 Resources for learning Markov chain and hidden Markov models
528 How exactly does a random effects model in econometrics relate to mixed models outside of econometrics?
529 Is ridge regression useless in high dimensions ($n \ll p$)? How can OLS fail to overfit?
530 Interview question: If correlation doesnt imply causation, how do you detect causation?
531 Why continue to teach and use hypothesis testing (when confidence intervals are available)?
532 What is the difference between N and N-1 in calculating population variance?
533 What does having constant variance in a linear regression model mean?
534 Testing equality of coefficients from two different regressions
535 Does the optimal number of trees in a random forest depend on the number of predictors?
536 How to decide on the correct number of clusters?
537 Difference between kernel and filter in CNN
538 R libraries for deep learning
539 How to interpret type I, type II, and type III ANOVA and MANOVA?
540 How can a distribution have infinite mean and variance?
541 What is the difference between a particle filter (sequential Monte Carlo) and a Kalman filter?
542 How to apply standardization/normalization to train- and testset if prediction is the goal?
543 What is the difference Cross-entropy and KL divergence?
544 Are residuals predicted minus actual or actual minus predicted
545 What is the objective function of PCA?
546 Is it wrong to rephrase 1 in 80 deaths is caused by a car accident as 1 in 80 people die as a result of a car accident?
547 Reference book for linear algebra applied to statistics?
548 How do R and Python complement each other in data science?
549 Statistics and causal inference?
550 What are the breakthroughs in Statistics of the past 15 years?
551 Are we exaggerating importance of model assumption and evaluation in an era when analyses are often carried out by laymen
552 ANOVA assumption normality/normal distribution of residuals
553 Mean absolute deviation vs. standard deviation
554 Warning in R - Chi-squared approximation may be incorrect
555 Standard error for the mean of a sample of binomial random variables
556 Regression when the OLS residuals are not normally distributed
557 How to determine best cutoff point and its confidence interval using ROC curve in R?
558 What is the difference between GARCH and ARMA?
559 Is random forest a boosting algorithm?
560 Using deep learning for time series prediction
561 How are regression, the t-test, and the ANOVA all versions of the general linear model?
562 What are alternatives of Gradient Descent?
563 Best PCA algorithm for huge number of features (>10K)?
564 Book for reading before Elements of Statistical Learning?
565 Why do Convolutional Neural Networks not use a Support Vector Machine to classify?
566 When combining p-values, why not just averaging?
567 What is the advantages of Wasserstein metric compared to Kullback-Leibler divergence?
568 Is sampling relevant in the time of big data?
569 Mathematical Statistics Videos
570 How do we decide when a small sample is statistically significant or not?
571 What are some examples of anachronistic practices in statistics?
572 Backpropagation with Softmax / Cross Entropy
573 Normalization vs. scaling
574 Effect of switching response and explanatory variable in simple linear regression
575 Graph for relationship between two ordinal variables
576 Training a decision tree against unbalanced data
577 A/B tests: z-test vs t-test vs chi square vs fisher exact test
578 What is a difference between random effects-, fixed effects- and marginal model?
579 Random forest computing time in R
580 Why sigmoid function instead of anything else?
581 Multivariate linear regression vs neural network?
582 Standard deviation of standard deviation
583 Practical hyperparameter optimization: Random vs. grid search
584 Is the COVID-19 pandemic curve a Gaussian curve?
585 Why on average does each bootstrap sample contain roughly two thirds of observations?
586 Can a random forest be used for feature selection in multiple linear regression?
587 How to tell the probability of failure if there were no failures?
588 Modern successor to Exploratory Data Analysis by Tukey?
589 Who are frequentists?
590 Do we have a problem of pity upvotes?
591 How to derive the ridge regression solution?
592 How large should the batch size be for stochastic gradient descent?
593 What is the difference between NaN and NA?
594 What is maxout in neural network?
595 How to identify a bimodal distribution?
596 Correct spelling (capitalization, italicization, hyphenation) of p-value?
597 Apply word embeddings to entire document, to get a feature vector
598 Pandas / Statsmodel / Scikit-learn
599 Prediction interval for lmer() mixed effects model in R
600 Recommended books on experiment design?
601 Should I normalize word2vecs word vectors before using them?
602 What is a good algorithm for estimating the median of a huge read-once data set?
603 What should I do when my neural network doesnt generalize well?
604 Is it possible to do time-series clustering based on curve shape?
605 Why do we use Kullback-Leibler divergence rather than cross entropy in the t-SNE objective function?
606 Data APIs/feeds available as packages in R
607 Intuitive explanations of differences between Gradient Boosting Trees (GBM) & Adaboost
608 Can someone explain the concept of exchangeability?
609 Is it true that the percentile bootstrap should never be used?
610 Machine Learning using Python
611 Why do we care so much about normally distributed error terms (and homoskedasticity) in linear regression when we dont have to?
612 Why are MA(q) time series models called moving averages?
613 Visually interesting statistics concepts that are easy to explain
614 Most confusing statistical terms
615 R - QQPlot: how to see whether data are normally distributed
616 Is it a good practice to always scale/normalize data for machine learning?
617 How to visualize a fitted multiple regression model?
618 Interpretation of log transformed predictor and/or response
619 Replicating Statas robust option in R
620 Obtaining predicted values (Y=1 or 0) from a logistic regression model fit
621 Why is the sum of two random variables a convolution?
622 F1/Dice-Score vs IoU
623 Multinomial logistic regression vs one-vs-rest binary logistic regression
624 Why downsample?
625 Software for drawing bayesian networks (graphical models)
626 Statistical inference when the sample is the population
627 Class imbalance in Supervised Machine Learning
628 What book is recommendable to start learning statistics using R at the same time?
629 Is there any gold standard for modeling irregularly spaced time series?
630 Interpreting QQplot - Is there any rule of thumb to decide for non-normality?
631 What are the main theorems in Machine (Deep) Learning?
632 Where does the misconception that Y must be normally distributed come from?
633 Intuition behind why Steins paradox only applies in dimensions $\ge 3$
634 Why is a Bayesian not allowed to look at the residuals?
635 Excel as a statistics workbench
636 Are all models useless? Is any exact model possible -- or useful?
637 How to perform a test using R to see if data follows normal distribution
638 How to read Cooks distance plots?
639 Is there a test to determine whether GLM overdispersion is significant?
640 What is the difference between a Normal and a Gaussian Distribution
641 Linear kernel and non-linear kernel for support vector machine?
642 Is there any difference between lm and glm for the gaussian family of glm?
643 Cross-Entropy or Log Likelihood in Output layer
644 Wont highly-correlated variables in random forest distort accuracy and feature-selection?
645 Does anyone know any good open source software for visualizing data from database?
646 Cost function of neural network is non-convex?
647 Regression for an outcome (ratio or fraction) between 0 and 1
648 How are propensity scores different from adding covariates in a regression, and when are they preferred to the latter?
649 How to select a clustering method? How to validate a cluster solution (to warrant the method choice)?
650 Why does the correlation coefficient between X and X-Y random variables tend to be 0.7
651 Why do statisticians say a non-significant result means you cant reject the null as opposed to accepting the null hypothesis?
652 Fast linear regression robust to outliers
653 Consider the sum of $n$ uniform distributions on $[0,1]$, or $Z_n$. Why does the cusp in the PDF of $Z_n$ disappear for $n \geq 3$?
654 Famous easy to understand examples of a confounding variable invalidating a study
655 How are we defining reproducible research?
656 What is a good resource on table design?
657 Cumming (2008) claims that distribution of p-values obtained in replications depends only on the original p-value. How can it be true?
658 Relationship between $R^2$ and correlation coefficient
659 Logistic Regression: Scikit Learn vs Statsmodels
660 Using lmer for repeated-measures linear mixed-effect model
661 What is Deviance? (specifically in CART/rpart)
662 If the t-test and the ANOVA for two groups are equivalent, why arent their assumptions equivalent?
663 Neural Network: For Binary Classification use 1 or 2 output neurons?
664 Cross Entropy vs. Sparse Cross Entropy: When to use one over the other
665 How to simulate artificial data for logistic regression?
666 Regularization methods for logistic regression
667 What is the difference between the forward-backward and Viterbi algorithms?
668 Percentage of overlapping regions of two normal distributions
669 How to do logistic regression subset selection?
670 How do I find peaks in a dataset?
671 How does LSTM prevent the vanishing gradient problem?
672 What algorithm is used in linear regression?
673 Understanding almost all local minimum have very similar function value to the global optimum
674 Why do my p-values differ between logistic regression output, chi-squared test, and the confidence interval for the OR?
675 Understanding Naive Bayes
676 What is your favorite data visualization blog?
677 Statistical tests when sample size is 1
678 Why is statistically significant not enough?
679 Why does frequentist hypothesis testing become biased towards rejecting the null hypothesis with sufficiently large samples?
680 A smaller dataset is better: Is this statement false in statistics? How to refute it properly?
681 Different ways to write interaction terms in lm?
682 Find expected value using CDF
683 What is the proper usage of scale_pos_weight in xgboost for imbalanced datasets?
684 Choosing the right linkage method for hierarchical clustering
685 Is a sample covariance matrix always symmetric and positive definite?
686 Difference between GradientDescentOptimizer and AdamOptimizer (TensorFlow)?
687 CNN architectures for regression?
688 Rule of thumb for number of bootstrap samples
689 Logistic Regression - Error Term and its Distribution
690 What is perplexity?
691 Normality of dependent variable = normality of residuals?
692 Is minimizing squared error equivalent to minimizing absolute error? Why squared error is more popular than the latter?
693 Survival Analysis tools in Python
694 Random forest assumptions
695 Which has the heavier tail, lognormal or gamma?
696 Are splines overfitting the data?
697 Motivation for Kolmogorov distance between distributions
698 How to determine whether or not the y-axis of a graph should start at zero?
699 Is Amazons average rating misleading?
700 Clarification on interpreting confidence intervals?
701 Does correlation = 0.2 mean that there is an association in only 1 in 5 people?
702 Eliciting priors from experts
703 AIC,BIC,CIC,DIC,EIC,FIC,GIC,HIC,IIC --- Can I use them interchangeably?
704 Logistic Regression in R (Odds Ratio)
705 Logistic regression model does not converge
706 How do I avoid overlapping labels in an R plot?
707 What is difference-in-differences?
708 Why would R return NA as a lm() coefficient?
709 Derive Variance of regression coefficient in simple linear regression
710 Why is median age a better statistic than mean age?
711 Clustering a long list of strings (words) into similarity groups
712 Suppression effect in regression: definition and visual explanation/depiction
713 How to interpret error measures?
714 What is the definition of a feature map (aka activation map) in a convolutional neural network?
715 Dynamic Time Warping Clustering
716 Regression: Transforming Variables
717 How does the Adam method of stochastic gradient descent work?
718 When conducting a t-test why would one prefer to assume (or test for) equal variances rather than always use a Welch approximation of the df?
719 How does centering the data get rid of the intercept in regression and PCA?
720 Can machine learning decode the SHA256 hashes?
721 How are kernels applied to feature maps to produce other feature maps?
722 What is the distribution of the Euclidean distance between two normally distributed random variables?
723 Do we have to tune the number of trees in a random forest?
724 Kullback–Leibler vs Kolmogorov-Smirnov distance
725 Empirical justification for the one standard error rule when using cross-validation
726 What can we say about population mean from a sample size of 1?
727 How can I calculate $\int^{\infty}_{-\infty}\Phi\left(\frac{w-a}{b}\right)\phi(w)\,\mathrm dw$
728 Is it possible to interpret the bootstrap from a Bayesian perspective?
729 Pitfalls in time series analysis
730 Where to start with statistics for an experienced developer
731 Can simple linear regression be done without using plots and linear algebra?
732 First R packages source code to study in preparation for writing own package
733 What is residual standard error?
734 What do endogeneity and exogeneity mean substantively?
735 How to interpret Mean Decrease in Accuracy and Mean Decrease GINI in Random Forest models
736 Why do we use ReLU in neural networks and how do we use it?
737 Logistic regression: anova chi-square test vs. significance of coefficients (anova() vs summary() in R)
738 Rank in R - descending order
739 How do I test a nonlinear association?
740 Online vs offline learning?
741 Expected number of ratio of girls vs boys birth
742 Best method for short time-series
743 How to interpret coefficients from a polynomial model fit?
744 What is the distribution of the sum of non i.i.d. gaussian variates?
745 What is the difference between prediction and inference?
746 Why zero correlation does not necessarily imply independence
747 Does the sign of scores or of loadings in PCA or FA have a meaning? May I reverse the sign?
748 How does rectilinear activation function solve the vanishing gradient problem in neural networks?
749 PCA and the train/test split
750 Bootstrap vs. permutation hypothesis testing
751 Features for time series classification
752 What is the difference between posterior and posterior predictive distribution?
753 Why is polynomial regression considered a special case of multiple linear regression?
754 Generic sum of Gamma random variables
755 Optimized implementations of the Random Forest algorithm
756 What are the cons of Bayesian analysis?
757 Is it unusual for the MEAN to outperform ARIMA?
758 Where does $\sqrt{n}$ come from in central limit theorem (CLT)?
759 How does saddlepoint approximation work?
760 Bayesian statistics tutorial
761 Why would someone use a Bayesian approach with a noninformative improper prior instead of the classical approach?
762 Choosing variables to include in a multiple linear regression model
763 Interpretation of Rs output for binomial regression
764 What references should be cited to support using 30 as a large enough sample size?
765 Using R online - without installing it
766 Difference between forecast and prediction?
767 SVM, Overfitting, curse of dimensionality
768 How to make a time series stationary?
769 Why does correlation matrix need to be positive semi-definite and what does it mean to be or not to be positive semi-definite?
770 How does centering make a difference in PCA (for SVD and eigen decomposition)?
771 Prediction in Cox regression
772 Importance of local response normalization in CNN
773 Alternatives to one-way ANOVA for heteroskedastic data
774 Understanding LSTM units vs. cells
775 Neural Networks: weight change momentum and weight decay
776 Probability distribution for different probabilities
777 Are there any good movies involving mathematics or probability?
778 Bayesian equivalent of two sample t-test?
779 Empirical relationship between mean, median and mode
780 Statistical models cheat sheet
781 Confidence interval around binomial estimate of 0 or 1
782 Taking the expectation of Taylor series (especially the remainder)
783 Does the reciprocal of a probability represent anything?
784 Why do people use p-values instead of computing probability of the model given data?
785 Are CDFs more fundamental than PDFs?
786 What is the root cause of the class imbalance problem?
787 How well can multiple regression really control for covariates?
788 Understanding regressions - the role of the model
789 How to interpret and report eta squared / partial eta squared in statistically significant and non-significant analyses?
790 What are the values p, d, q, in ARIMA?
791 Negative values for AIC in General Mixed Model
792 How to interpret mean of Silhouette plot?
793 What is quasi-binomial distribution (in the context of GLM)?
794 Would PCA work for boolean (binary) data types?
795 Logistic regression vs. LDA as two-class classifiers
796 Danger of setting all initial weights to zero in Backpropagation
797 Why is there a difference between manually calculating a logistic regression 95% confidence interval, and using the confint() function in R?
798 Poisson regression to estimate relative risk for binary outcomes
799 How to do community detection in a weighted social network/graph?
800 How is softmax_cross_entropy_with_logits different from softmax_cross_entropy_with_logits_v2?
801 Is regression with L1 regularization the same as Lasso, and with L2 regularization the same as ridge regression? And how to write Lasso?
802 Approximate order statistics for normal random variables
803 Why is softmax output not a good uncertainty measure for Deep Learning models?
804 When is a biased estimator preferable to unbiased one?
805 Deriving Bellmans Equation in Reinforcement Learning
806 What exactly is Big Data?
807 Rigorous definition of an outlier?
808 Variational inference versus MCMC: when to choose one over the other?
809 Why dont linear regression assumptions matter in machine learning?
810 Computing Cohens Kappa variance (and standard errors)
811 Why is multiple comparison a problem?
812 How to plot trends properly
813 Compendium of cross-validation techniques
814 How seriously should I think about the different philosophies of statistics?
815 Debunking wrong CLT statement
816 Reviewing statistics in papers
817 How to interpret F- and p-value in ANOVA?
818 How to interpret the output of the summary method for an lm object in R?
819 Using LASSO from lars (or glmnet) package in R for variable selection
820 Lift measure in data mining
821 How to assess the similarity of two histograms?
822 PP-plots vs. QQ-plots
823 Measures of variable importance in random forests
824 How can I test if given samples are taken from a Poisson distribution?
825 Is it valid to include a baseline measure as control variable when testing the effect of an independent variable on change scores?
826 What are the differences between hidden Markov models and neural networks?
827 Tiny (real) datasets for giving examples in class?
828 Bayesian vs frequentist Interpretations of Probability
829 Intuitive difference between hidden Markov models and conditional random fields
830 Why does inversion of a covariance matrix yield partial correlations between random variables?
831 What is the difference between Metropolis-Hastings, Gibbs, Importance, and Rejection sampling?
832 What is the difference between a loss function and an error function?
833 Is machine learning less useful for understanding causality, thus less interesting for social science?
834 OpenBugs vs. JAGS
835 When to use simulations?
836 Would a Bayesian admit that there is one fixed parameter value?
837 Intuitive explanation for density of transformed variable?
838 What is your favorite statistical graph?
839 Statistics published in academic papers
840 Why does increasing the sample size lower the (sampling) variance?
841 What is the reason why we use natural logarithm (ln) rather than log to base 10 in specifying function in econometrics?
842 Mean absolute percentage error (MAPE) in Scikit-learn
843 How to interpret p-value of Kolmogorov-Smirnov test (python)?
844 Negative values for AICc (corrected Akaike Information Criterion)
845 what does the numbers in the classification report of sklearn mean?
846 Softmax layer in a neural network
847 What is the significance of logistic regression coefficients?
848 What is the adjusted R-squared formula in lm in R and how should it be interpreted?
849 Should covariates that are not statistically significant be kept in when creating a model?
850 What is meant by weak learner?
851 Explanation of min_child_weight in xgboost algorithm
852 When will L1 regularization work better than L2 and vice versa?
853 Why does Andrew Ng prefer to use SVD and not EIG of covariance matrix to do PCA?
854 LDA vs word2vec
855 What is the difference between conditional and unconditional quantile regression?
856 PCA and Correspondence analysis in their relation to Biplot
857 Who invented stochastic gradient descent?
858 Were generative adversarial networks introduced by Jürgen Schmidhuber?
859 What is the purpose of characteristic functions?
860 Why are regression problems called regression problems?
861 Why do we only see $L_1$ and $L_2$ regularization but not other norms?
862 Neural network references (textbooks, online courses) for beginners
863 When teaching statistics, use normal or Gaussian?
864 Fake uniform random numbers: More evenly distributed than true uniform data
865 How do I get people to take better care of data?
866 What is the difference between a population and a sample?
867 Random number-Set.seed(N) in R
868 AIC guidelines in model selection
869 Interpreting the residuals vs. fitted values plot for verifying the assumptions of a linear model
870 Comparing two models using anova() function in R
871 Difference between naive Bayes & multinomial naive Bayes
872 How to calculate relative error when the true value is zero?
873 How to interpret glmnet?
874 How to quasi match two vectors of strings (in R)?
875 R - Confused on Residual Terminology
876 Multiple regression or partial correlation coefficient? And relations between the two
877 Determining sample size necessary for bootstrap method / Proposed Method
878 How to choose between ROC AUC and F1 score?
879 When and how to use standardized explanatory variables in linear regression
880 When should I balance classes in a training data set?
881 Relative variable importance for Boosting
882 Are pooling layers added before or after dropout layers?
883 Hierarchical clustering with mixed type data - what distance/similarity to use?
884 What are best practices in identifying interaction effects?
885 Confidence interval for median
886 How trustworthy are the confidence intervals for lmer objects through effects package?
887 Why do I get a 100% accuracy decision tree?
888 Understanding the parameters inside the Negative Binomial Distribution
889 Gamma vs. lognormal distributions
890 Time series clustering in R
891 Are your chances of dying in a plane crash reduced if you fly direct?
892 How often do you have to roll a 6-sided die to obtain every number at least once?
893 Does the beta distribution have a conjugate prior?
894 whether to rescale indicator / binary / dummy predictors for LASSO
895 Differences between Bhattacharyya distance and KL divergence
896 How to efficiently generate random positive-semidefinite correlation matrices?
897 Correlation does not imply causation; but what about when one of the variables is time?
898 The Monty Hall Problem - where does our intuition fail us?
899 How do DAGs help to reduce bias in causal inference?
900 How to calculate a confidence level for a Poisson distribution?
901 How to interpret OOB and confusion matrix for random forest?
902 Statistical test to tell whether two samples are pulled from the same population?
903 Improve classification with many categorical variables
904 How to sample from a normal distribution with known mean and variance using a conventional programming language?
905 How can I test whether a random effect is significant?
906 Test for bimodal distribution
907 Dice-coefficient loss function vs cross-entropy
908 How do you use the test dataset after cross-validation?
909 What is the difference between finite and infinite variance
910 How to present results of a Lasso using glmnet?
911 K-fold vs. Monte Carlo cross-validation
912 What is the difference between coefficient of determination and mean squared error?
913 How are Random Forests not sensitive to outliers?
914 how to weight KLD loss vs reconstruction loss in variational auto-encoder
915 Gradient Boosting for Linear Regression - why does it not work?
916 What does the term saturating nonlinearities mean?
917 What is model identifiability?
918 Manually calculated $R^2$ doesnt match up with randomForest() $R^2$ for testing new data
919 What are posterior predictive checks and what makes them useful?
920 Approximate $e$ using Monte Carlo Simulation
921 Why is 600 out of 1000 more convincing than 6 out of 10?
922 References for survival analysis
923 Interpretation of p-value in hypothesis testing
924 How to determine significant principal components using bootstrapping or Monte Carlo approach?
925 Are there any good popular science book about statistics or machine learning?
926 Is LSTM (Long Short-Term Memory) dead?
927 Does statistical independence mean lack of causation?
928 Good games for learning statistical thinking?
929 Evidence for man-made global warming hits gold standard: how did they do this?
930 What is the relationship between the mean squared error and the residual sum of squares function?
931 How to perform two-sample t-tests in R by inputting sample statistics rather than the raw data?
932 Mixed Effects Model with Nesting
933 How does linear regression use the normal distribution?
934 Variance of product of dependent variables
935 What exactly is a Bayesian model?
936 Area under Precision-Recall Curve (AUC of PR-curve) and Average Precision (AP)
937 Detecting Outliers in Time Series (LS/AO/TC) using tsoutliers package in R. How to represent outliers in equation format?
938 How do I fit a constrained regression in R so that coefficients total = 1?
939 What exactly is the alpha in the Dirichlet distribution?
940 Purpose of the link function in generalized linear model
941 What is the meaning of a confidence interval taken from bootstrapped resamples?
942 Why do naive Bayesian classifiers perform so well?
943 How to find a good fit for semi-sinusoidal model in R?
944 Ridge, lasso and elastic net
945 How do you do bootstrapping with time series data?
946 How to test hypothesis of no group differences?
947 Why do we need multivariate regression (as opposed to a bunch of univariate regressions)?
948 Simulation of logistic regression power analysis - designed experiments
949 Was mathematics invented or discovered?
950 Is guns dont kill people, people kill people a good argument?
951 Why dont fair coin tosses add up? Or... is gamblers fallacy really valid?
952 Am I morally obligated to pursue a career in medicine?
953 What logical fallacy is If you dont like it, move!?
954 How does one know one is not dreaming?
955 What would it take in a book to convince a rational person that it had been written by or directly inspired by a god?
956 Could cogito ergo sum possibly be false?
957 Is Kurt Gödels Incompleteness Theorem a cheap trick?
958 Is it immoral to download music illegally?
959 Can you prove anything in philosophy?
960 How can an uneducated but rational person differentiate between science and religion?
961 Logical fallacy: X is bad, Y is worse, thus X is not bad
962 Why is there something instead of nothing?
963 Why is faith seen as a sign of weakness, instead of an unexplored land/opportunity?
964 Does human life have innate value over that of other animals?
965 Is the omniscient-omnipotent-omnipresent definition of God consistent?
966 In which way does quantum mechanics disprove determinism?
967 How will learning about philosophy impact real-life?
968 What is the difference between metaphysics and ontology?
969 Why is a lion not evil?
970 Why does the universe obey scientific laws?
971 Why arent creationism and natural science on the same intellectual level?
972 Why do they say I am committing a fallacy when I am just insulting someone?
973 How can one not believe in god as the root cause of the universe?
974 Why is Ayn Rands Objectivism philosophy dismissed by academics?
975 Does Pascals Wager contain any logical flaws or fallacies?
976 What is the moral difference between abortion and infanticide?
977 Is there an alternative to the scientific method?
978 What are the major branches of philosophy?
979 Why do I accept some inconsequential claims as obviously true without evidence? E.g. Most people dont like to be hit on the head with a hammer.
980 Is Mathematics always correct?
981 What are the ethical problems with flipping a coin to decide in the trolley problem?
982 Do numbers exist independently from observers?
983 Did Russell understand Gödels incompleteness theorems?
984 Is there a term for the belief that if its legal, its moral?
985 What basis do we have for certainty in current scientific theories?
986 Does a negative claimant have a burden of proof?
987 What fallacy in Pascals Wager allows replacing God with the devil?
988 What is the difference between free-will and randomness and or non-determinism?
989 How to get started with philosophy without getting overwhelmed quickly?
990 What did David Hume mean when he said that reason is a slave to the passions?
991 What are the ethics of having children today?
992 Fallacy by Sherlock Holmes Eliminate the impossible, and what remains must be the truth
993 What should philosophers know about math and natural sciences?
994 Is circular reasoning always a fallacy?
995 Is faith necessary for man to survive / why is existentialism valued if it is unsubstantiated?
996 How can one rebut the argument that atheism is inherently immoral?
997 What are the necessary conditions for an action to be regarded as a free choice?
998 Does happiness motivate every action?
999 How come nihilism is so popular today?
1000 Should I respect other peoples religions?
1001 Is it a fallacy, and if so which, to believe we are special because our existence on Earth seems improbable?
1002 Why do atheist euthanasia proponents consider nothingness preferable to suffering?
1003 Is it a fallacy if someone claims they need an explanation for every word of your argument to the point where they dont understand common terms?
1004 Why doesnt philosophy have higher standards for its arguments?
1005 Asserting that Atheism and Theism are both faith based positions
1006 Fundamental idea on proving Gods existence with science
1007 Why has the philosophy of Bishop Berkeley fallen out of favor in academic philosophy?
1008 How can one differentiate nonexistent entities?
1009 What should a rational person accept as a miracle?
1010 Was Socrates a fictional character invented by Plato?
1011 What would Kant do when two categorical imperatives conflict? Could he ever justify lying?
1012 What is the difference (if any) between not true and false?
1013 If I said I had $100 when asked, but I actually had $200, would I be lying by omission?
1014 Why are believers criticized so much for being anti-science when so many scientists are ... believers?
1015 Why is scientism philosophically wrong?
1016 Why do some people care so much about empirical truth?
1017 Why is the complex number an integral part of physical reality?
1018 Three statements that contradict each other
1019 What is the purpose of the universe?
1020 Where and how can I get started in contemporary philosophy?
1021 In what sense is atheism scientific?
1022 How did first-order logic come to be the dominant formal logic?
1023 Is there anything that is totally random?
1024 What are some good introductions to philosophy?
1025 Is atheism just another form of dogma?
1026 How does mathematics work?
1027 How is Gödels incompleteness theorem interpreted in intuitionistic logic?
1028 Does humanisms rejection of God necesitate relativism?
1029 What are the philosophical implications of Gödels First Incompleteness Theorem?
1030 To what extent do we choose our beliefs?
1031 Is First Order Logic (FOL) the only fundamental logic?
1032 Are Methodological Assumptions of StackExchange Fundamentally Flawed?
1033 What is the difference between Fact and Truth?
1034 Do fundamental concepts in physics have any logical basis?
1035 Why should I read about philosophy?
1036 What does it mean for a book or a theorist to be post-modernist as opposed to modernist?
1037 Are we living in a simulation? The evidence
1038 Since words are defined in terms of other words in dictionaries, leading to infinite loops, does it mean natural languages are meaningless?
1039 Does the no true Scotsman fallacy apply to anti Stalinist etc. communism?
1040 Is I cannot imagine a mechanism for X to happen, so X can never happen a named logical fallacy?
1041 What are/were the main criticisms of logical positivism?
1042 Was Robin Hoods point of view ethically sound?
1043 When is absence of evidence not evidence of absence?
1044 Is it possible for something to have no cause?
1045 Why does Dawkins think it is wrong to posit that a paragon of 100% morals could theoretically exist?
1046 Where is the weakness in the ontological proof for Gods existence?
1047 Being alive today: the most improbable coincidence?
1048 If the Bible contains circular reasoning, does it discredit it?
1049 Does hypocrisy invalidate an argument?
1050 Isnt the notion that everything will occur in an infinite timeline an example of the gamblers fallacy?
1051 Im being drafted to the military but I have the option to refuse (legally), would it be immoral for me to serve?
1052 What arguments would support a secular pro-life position?
1053 What are the major research programmes in contemporary logic?
1054 What are some arguments against violence?
1055 Isnt the existence of Hell inherently evil, and isnt God therefore evil in allowing Hell to exist?
1056 How can one argue against income inequality while defending achievement and expertise inequality - beyond invoking Rawls difference principle?
1057 Can time exist without change?
1058 Does the lack of randomness imply the lack of free will?
1059 Have professional philosophers contributed to other fields in the last 20 years?
1060 Why is Aristotles objection not considered a resolution to Zenos paradox?
1061 In what way(s) does popular New Atheism fail to be philosophical?
1062 Is the claim this coin is fair falsifiable?
1063 What are some works that apply an axiomatic method to something other than mathematics?
1064 What is the difference between a statement and a proposition?
1065 Is infinite regress of causation possible? Is infinite regress of causation necessary?
1066 What is modal logic for?
1067 What are the philosophical implications of category theory?
1068 Is mathematics founded on beliefs and assumptions?
1069 What is Philosophy?
1070 Are people capable of generating a random number?
1071 Whats so fallacious about the Slippery Slope Fallacy?
1072 Are there any philosophical arguments to disprove or weaken solipsism?
1073 Why do color TVs make black and white snow?
1074 Why do glass windows still exist? (Why havent they been replaced by plastics?)
1075 Why is kVA not the same as kW?
1076 Why do cars have mirrors for rear view rather than cameras?
1077 Are toasters really electrified inside of the slots?
1078 How was Volkswagen able to trick the lab pollution test?
1079 My customer wants to use my products to do something unsafe. What is my ethical obligation?
1080 Is it possible for a bicycle chainwheel to have a fractional number of teeth?
1081 Transmitting power over long distances what is better AC or DC?
1082 What is the purpose of these diversions in a natural gas line?
1083 Is it possible to build a perfectly spherical Prince Ruperts drop?
1084 What is the purpose of these “partially filled in” locomotive wheels?
1085 How fast does solid waste fall in vertical drain pipes?
1086 Why dig out and then fill in before building a large structure?
1087 Is it possible to pump a powder?
1088 What are the pros and cons of a traffic circle versus a traffic light intersection?
1089 Why are railroad tank cars bent in the middle?
1090 Is it possible to build an air compressor with no moving parts?
1091 How to quantify martial arts strikes?
1092 Why do hydraulic systems use special fluid - whats wrong with water?
1093 Which is Worse: Car vs. Car or Car vs. Wall?
1094 How can a piece of paper be shaped to guarantee it falls slower than a plain sheet of paper?
1095 Calculating pitch, yaw, and roll from mag, acc, and gyro data
1096 Why are engine blocks so robust apart from containing high pressure?
1097 How are increasingly accurate machines made?
1098 From an engineering point of view what are the downsides of a too accurate model?
1099 Why would you launch a large ship by dropping it sideways?
1100 Understanding required torque for a motor lifting a weight
1101 Why use steam instead of just hot air?
1102 Why are rear wheels not placed at the extreme rear of a bus?
1103 Why doesnt a lightning strike destroy the lightning rod?
1104 Why dont hydroelectric plants use cascades of turbines instead of single turbines?
1105 What is the purpose of these steps in rivers?
1106 Why exactly does a washer help distribute the stress around a bolt?
1107 Why do car wheels have holes?
1108 What is a reason that handlebars fit to a motorcycle and steering wheel fit to a car?
1109 How to know whether the flow is supersonic in a nozzle?
1110 Why not put servers in a refrigerator?
1111 How do engineers really use numerical simulation?
1112 How much can Protactinium degrade the efficiency of the Thorium fuel cycle?
1113 How does width and thickness affect the stiffness of steel plate?
1114 Would it make sense to have a 12V lighting circuit in a house?
1115 How to make smoke for a small wind tunnel?
1116 Why does it take so long to restart a nuclear power plant?
1117 Why would a train automatically derail if a signal is passed at danger?
1118 Why did steam locomotives not transfer power by cogwheels?
1119 What makes suspension bridges unsuitable for railways?
1120 Why do cars turn by turning the front wheel?
1121 Does a roadway bridge experience more load when vehicles are parked or when they are moving?
1122 How does turning off electric appliances save energy
1123 Why are earthfills fully covered in concrete where they join bridges?
1124 Why does the Channel Tunnel enter the ground around 10 km from the coast?
1125 Sizing a pressure safety valve for two-phase flow
1126 Whats wrong with transporting a refrigerator on its side?
1127 How to stop water flow in a siphon?
1128 Windmills in empty fields. Why no trees?
1129 What is the purpose of building foundations?
1130 Why are truss bridges the way they are?
1131 How does a traffic light sense the proximity of vehicles?
1132 What are the engineering principles for a train to get electricity from the railway
1133 Is it structurally sound to cut an I beam to a T on one end?
1134 What are the major differences between Engineering degrees and Engineering Technology degrees in terms of employability?
1135 Pound-force (lbf) vs Pound-mass (lbm)
1136 Effective ways to drive a single shaft with multiple motors?
1137 What material is used to hold molten iron in a furnace?
1138 What is the most efficient means of warming a building with a high ceiling?
1139 Why does the microwave plate start in a random direction?
1140 Why do oil tankers heat crude oil?
1141 Why dont refrigerators have parts outdoors?
1142 How does measurement uncertainty combine with tolerances?
1143 How many train passes can railway tracks endure?
1144 How can I measure correctly with a ruler?
1145 Why doesnt epoxy stick to silicone?
1146 How are passive houses made in very hot regions (like Saudi Arabia)?
1147 How to design a house to be cooled passively?
1148 Fracture patterns in tempered glass
1149 Meshing of complex geometrical domains
1150 How can a storm drop 40 inches (1 metre) of rain?
1151 Impossible or improbable? Hurricane crossing the equator
1152 What place on Earth is closest to the Sun?
1153 Are there any saltwater rivers on Earth?
1154 Why does lightning strike from the ground-up?
1155 How many trees would I have to plant to solve Global Warming?
1156 How much oil is created each year?
1157 What started the US Dust Bowl of the 1930s, and could it happen again?
1158 Why is the pond in my backyard not frozen when it is -15 °C (5 °F) outside?
1159 How do greenhouse gases let heat in, but not let it out?
1160 Why do snowflakes form into hexagonal structures?
1161 Are Richter-magnitude 10 earthquakes possible?
1162 (How long) would Earths atmosphere last without a global magnetic field?
1163 Farthest point from the center of the Earth
1164 Are there any uncharted waters left on earth?
1165 How is the mass of the Earth determined?
1166 How its possible to measure temperature 2000 years ago with such precision?
1167 What would be the temperature of earth if there was no atmosphere?
1168 CO₂ level is high enough that it reduces cognitive ability. Isnt that a reason to worry?
1169 What does a mm of rain mean?
1170 Why do the Siberian methane craters have smooth vertical walls?
1171 How high must one be for the curvature of the earth to be visible to the eye?
1172 Why is Earths inner core solid?
1173 Is climate change a vicious circle?
1174 Is the sea level rise unusual?
1175 Does gravity increase the closer to the core you get?
1176 How do we know the asteroids formed at the same time as earth?
1177 Similarities between grand circulation solvers and mantle convection solvers
1178 Why is Earths age given by dating meteorites rather than its own rocks?
1179 How can we determine the size and composition of Earths inner core?
1180 Is there any river that does not discharge into larger body of water?
1181 How does anthropogenic heating affect global warming?
1182 How would plate tectonics differ if Earth had no water?
1183 Why do felsic materials have lower melting points than mafic?
1184 How and why did the oceans form on Earth but not on other planets?
1185 Is it true that earthquakes are not felt in a cave?
1186 Why does Coriolis determine the rotation direction of a cyclone but not my drain?
1187 What factors determine the number of Hadley cells for a planet?
1188 How much of the current global warming is due to human influence?
1189 Why is Earths outer-core liquid?
1190 Why does the salt in the oceans not sink to the bottom?
1191 At what humidity does it start to rain?
1192 Is it possible for rivers to freeze completely and stop flowing?
1193 Where on Earth is the magnetic field intensity stronger?
1194 Global warming - why doesn´t mankind collect heat (thermal energy) and turn it into electricity or send it to space?
1195 How would an icicle grow upwards?
1196 Is this XKCD comic an accurate timeline of the earths average temperature?
1197 How do weather models work?
1198 Is earthquake prediction possible?
1199 What is the status of the Raymo & Ruddiman idea that Tibet cooled the Earth?
1200 What are deconvolutional layers?
1201 How to set class weights for imbalanced classes in Keras?
1202 Micro Average vs Macro average Performance in a Multiclass classification setting
1203 Whats the difference between fit and fit_transform in scikit-learn models?
1204 Publicly Available Datasets
1205 K-Means clustering for mixed numeric and categorical data
1206 What is the dying ReLU problem in neural networks?
1207 Difference between isna() and isnull() in pandas
1208 How to draw Deep learning network architecture diagrams?
1209 When to use One Hot Encoding vs LabelEncoder vs DictVectorizor?
1210 When to use GRU over LSTM?
1211 Best python library for neural networks
1212 The cross-entropy error function in neural networks
1213 Train/Test/Validation Set Splitting in Sklearn
1214 How do you visualize neural network architectures?
1215 Python vs R for machine learning
1216 Why do people prefer Pandas to SQL?
1217 How to get correlation between two categorical variable and a categorical variable and continuous variable?
1218 SVM using scikit learn runs endlessly and never completes execution
1219 Choosing a learning rate
1220 Training an RNN with examples of different lengths in Keras
1221 Why do cost functions use the square error?
1222 When should I use Gini Impurity as opposed to Information Gain (Entropy)?
1223 Backprop Through Max-Pooling Layers?
1224 How big is big data?
1225 Advantages of AUC vs standard accuracy
1226 Time series prediction using ARIMA vs LSTM
1227 ValueError: Input contains NaN, infinity or a value too large for dtype(float32)
1228 How are 1x1 convolutions the same as a fully connected layer?
1229 strings as features in decision tree/random forest
1230 When to use (He or Glorot) normal initialization over uniform init? And what are its effects with Batch Normalization?
1231 Data scientist vs machine learning engineer
1232 Open source Anomaly Detection in Python
1233 In supervised learning, why is it bad to have correlated features?
1234 Convert a list of lists into a Pandas Dataframe
1235 Are Support Vector Machines still considered state of the art in their niche?
1236 What is dimensionality reduction? What is the difference between feature selection and extraction?
1237 What is the positional encoding in the transformer model?
1238 When is a Model Underfitted?
1239 Cosine similarity versus dot product as distance metrics
1240 What is the difference between equivariant to translation and invariant to translation
1241 Cross-entropy loss explanation
1242 GBM vs XGBOOST? Key differences?
1243 Clustering geo location coordinates (lat,long pairs)
1244 Adding Features To Time Series Model LSTM
1245 Tools and protocol for reproducible data science using Python
1246 RNN vs CNN at a high level
1247 Machine learning - features engineering from date/time data
1248 Why mini batch size is better than one single batch with all training data?
1249 Latent Dirichlet Allocation vs Hierarchical Dirichlet Process
1250 Neural networks: which cost function to use?
1251 Why do internet companies prefer Java/Python for data scientist job?
1252 How to clone Python working environment on another machine?
1253 What is the difference between Gradient Descent and Stochastic Gradient Descent?
1254 Does batch_size in Keras have any effects in results quality?
1255 How to fight underfitting in a deep neural net
1256 Is there any domain where Bayesian Networks outperform neural networks?
1257 IDE alternatives for R programming (RStudio, IntelliJ IDEA, Eclipse, Visual Studio)
1258 Number of parameters in an LSTM model
1259 What is the difference between LeakyReLU and PReLU?
1260 Why Is Overfitting Bad in Machine Learning?
1261 Should I go for a balanced dataset or a representative dataset?
1262 How to set batch_size, steps_per epoch, and validation steps?
1263 Should a model be re-trained if new observations are available?
1264 Does scikit-learn have a forward selection/stepwise regression algorithm?
1265 How to deal with version control of large amounts of (binary) data
1266 Is the R language suitable for Big Data
1267 What is the Q function and what is the V function in reinforcement learning?
1268 Sparse_categorical_crossentropy vs categorical_crossentropy (keras, accuracy)
1269 What is the use of torch.no_grad in pytorch?
1270 Why should the data be shuffled for machine learning tasks
1271 How to get accuracy, F1, precision and recall, for a keras model?
1272 In softmax classifier, why use exp function to do normalization?
1273 How to interpret the output of XGBoost importance?
1274 How do subsequent convolution layers work?
1275 Understanding predict_proba from MultiOutputClassifier
1276 Data Science in C (or C++)
1277 How much of data wrangling is a data scientists job?
1278 Deep Learning vs gradient boosting: When to use what?
1279 How do I compare columns in different data frames?
1280 Opening a 20GB file for analysis with pandas
1281 How to force weights to be non-negative in Linear regression
1282 How can I transform names in a confidential data set to make it anonymous, but preserve some of the characteristics of the names?
1283 train_test_split() error: Found input variables with inconsistent numbers of samples
1284 What is experience replay and what are its benefits?
1285 How to prepare/augment images for neural network?
1286 What is Ground Truth
1287 Merging two different models in Keras
1288 Why not always use the ADAM optimization technique?
1289 Multi GPU in Keras
1290 Can machine learning algorithms predict sports scores or plays?
1291 Does XGBoost handle multicollinearity by itself?
1292 Do data scientists use Excel?
1293 Data science related funny quotes
1294 What is the difference between model hyperparameters and model parameters?
1295 Choosing between CPU and GPU for training a neural network
1296 Encoding features like month and hour as categorial or numeric?
1297 Why are Machine Learning models called black boxes?
1298 LightGBM vs XGBoost
1299 The difference between `Dense` and `TimeDistributedDense` of `Keras`
1300 What is the advantage of keeping batch size a power of 2?
1301 When to use what - Machine Learning
1302 Intuitive explanation of Noise Contrastive Estimation (NCE) loss?
1303 What loss function to use for imbalanced classes (using PyTorch)?
1304 Calculation and Visualization of Correlation Matrix with Pandas
1305 Calculating KL Divergence in Python
1306 How does Keras calculate accuracy?
1307 Are there free cloud services to train machine learning models?
1308 Does gradient descent always converge to an optimum?
1309 What is the difference between bootstrapping and cross-validation?
1310 Why is ReLU used as an activation function?
1311 Do I need to learn Hadoop to be a Data Scientist?
1312 Is it always better to use the whole dataset to train the final model?
1313 What are some standard ways of computing the distance between documents?
1314 StandardScaler before and after splitting data
1315 Difference between OrdinalEncoder and LabelEncoder
1316 What do you think of Data Science certifications?
1317 How to set the number of neurons and layers in neural networks
1318 When is precision more important over recall?
1319 Applications and differences for Jaccard similarity and Cosine Similarity
1320 What are the advantages of HDF compared to alternative formats?
1321 What would I prefer - an over-fitted model or a less accurate model?
1322 Organized processes to clean data
1323 How does the validation_split parameter of Keras fit function work?
1324 When to use Random Forest over SVM and vice versa?
1325 Why do we need XGBoost and Random Forest?
1326 How to do SVD and PCA with big data?
1327 Best practices to store Python machine learning models
1328 Quick guide into training highly imbalanced data sets
1329 Paper: Whats the difference between Layer Normalization, Recurrent Batch Normalization (2016), and Batch Normalized RNN (2015)?
1330 Do Random Forest overfit?
1331 Is it necessary to standardize your data before clustering?
1332 How to calculate mAP for detection task for the PASCAL VOC Challenge?
1333 Sentence similarity prediction
1334 What is the best Keras model for multi-class classification?
1335 Unbalanced multiclass data with XGBoost
1336 What is the meaning of The number of units in the LSTM cell?
1337 Why is xgboost so much faster than sklearn GradientBoostingClassifier?
1338 Meaning of latent features?
1339 Early stopping on validation loss or on accuracy?
1340 What is a good way to transform Cyclic Ordinal attributes?
1341 What are the use cases for Apache Spark vs Hadoop
1342 How to use the output of GridSearch?
1343 Hypertuning XGBoost parameters
1344 Should we apply normalization to test data as well?
1345 Guidelines for selecting an optimizer for training neural networks
1346 RNNs with multiple features
1347 Why use both validation set and test set?
1348 Neural Network parse string data?
1349 How to decide neural network architecture?
1350 Are there any tools for feature engineering?
1351 Gini coefficient vs Gini impurity - decision trees
1352 Using TensorFlow with Intel GPU
1353 What to set in steps_per_epoch in Keras fit_generator?
1354 Are there any rules for choosing the size of a mini-batch?
1355 What does Logits in machine learning mean?
1356 Why is gold golden?
1357 Why can we smell copper?
1358 Can an atom have more than 8 valence electrons? If not, why is 8 the limit?
1359 Why doesnt water burn?
1360 Is a negative pH level physically possible?
1361 Why is absolute zero unattainable?
1362 Is there a general consensus on the causes of the alpha-effect?
1363 How do you melt metals with super high melting points?
1364 Is it actually possible to dispose of a body with hydrofluoric acid?
1365 Is toothpaste solid or liquid?
1366 What is Bents rule?
1367 Why is the 2s orbital lower in energy than the 2p orbital when the electrons in 2s are usually farther from the nucleus?
1368 Does water really go bad after a couple of days?
1369 If nothing sticks to Teflon, how does Teflon stick to frying pans?
1370 Is it true that heavy water is not blue?
1371 Do all salts taste salty?
1372 Bonding in diatomic C2, a carbon-carbon quadruple bond?
1373 What causes the old book smell?
1374 Why would breathing pure oxygen be a bad idea?
1375 How do people know HCN smells like almonds?
1376 Ortho-effect in substituted aromatic acids and bases
1377 Could a magnet pull oxygen out of the air?
1378 How do organic chemistry mechanisms become accepted?
1379 Why do elements in columns 6 and 11 assume abnormal electron configurations?
1380 Why is it wrong to use the concept of hybridization for transition metal complexes?
1381 How does Walter White make pure crystal meth using a non-stereospecific reaction?
1382 Why does F replace the axial bond in PCl5?
1383 Why does pasta really boil over?
1384 How can one explain niobium’s weird electronic configuration?
1385 Why does shaking a match put the fire out?
1386 Why doesnt H₄O²⁺ exist?
1387 Is iron in the brown ring compound in a +1 oxidation state?
1388 Why add water first then acid?
1389 Why is FORTRAN so commonly used in computational chemistry?
1390 Striking examples where Kohn-Sham orbitals clearly have no physical meaning
1391 How do I figure out the hybridization of a particular atom in a molecule?
1392 Are diamonds really forever?
1393 Why do we write NH3?
1394 The last elements atomic number
1395 Positive or Negative Anode/Cathode in Electrolytic/Galvanic Cell
1396 Why do compounds like SF6 and SF4 exist but SH6 and SH4 dont?
1397 What makes banana bonds possible in diborane?
1398 Why do shampoo ingredient labels feature the term Aqua?
1399 What makes some metals melt at higher temperature?
1400 What is the pH of ice?
1401 Is carbon dioxide organic or inorganic?
1402 Why dont we explode after drinking water?
1403 Regioselectivity of acid-catalyzed ring-opening of epoxides
1404 How can I update a map/mesh and coordinates in a PyMol session file?
1405 Why is it important to use a salt bridge in a voltaic cell? Can a wire be used?
1406 Why does menthol (e.g. peppermint) feel cool to the tongue?
1407 Why isnt aluminium involved in biological processes?
1408 How does chloroform degrade nitrile gloves?
1409 Why does ice water get colder when salt is added?
1410 Why is an S-S bond stronger than an O-O bond?
1411 Unit of the equilibrium constant: contradiction of Bridgmans theorem?
1412 How can antibonding orbitals be more antibonding than bonding orbitals are bonding?
1413 Why doesnt frozen sugar solution taste sweet?
1414 What happens to a radioactive carbon dioxide molecule when its carbon-14 atom decays?
1415 Why does bond angle decrease in the order H2O, H2S, H2Se?
1416 Does oil break down condoms?
1417 Why does wood burn but not sugar?
1418 Why do the names of most chemical elements end with -um or -ium?
1419 Is there any substance thats a 4-4-4 on the NFPA diamond?
1420 Mechanism of arene side chain oxidation by permanganate
1421 Why is the recipe of Coca Cola still a secret?
1422 Why does nitration of N,N-dimethylaniline occur at the meta position?
1423 Fundamental forces behind covalent bonding
1424 Is buckminsterfullerene aromatic?
1425 What volume does one mole of an ideal gas occupy?
1426 Why does sulfur, but not oxygen, catenate?
1427 What is the reason for the exceptional stability of the cyclopropylmethyl carbocation?
1428 What is resonance, and are resonance structures real?
1429 Whats the biggest organic molecule that could have a smell?
1430 Why can we still breathe in valleys?
1431 Are the lone pairs in water equivalent?
1432 Difference between thermodynamic and kinetic stability
1433 How can carbon dioxide be converted into carbon and oxygen?
1434 Inductive effect of hydrogen isotopes
1435 Why does CaCO3 react with HCl, but not with H2SO4?
1436 Carbon atoms at the edge of a diamond
1437 Differences between phenols and alcohols
1438 How can I predict if a reaction will occur between any two (or more) substances?
1439 Is it safe to drink reboiled water?
1440 Does heavy water taste sweet?
1441 What is more acidic: D3O+ in D2O or H3O+ in H2O and why?
1442 Can an atom bond with more than 8 other atoms?
1443 The reason behind the steep rise in pH in the acid base titration curve
1444 Why does whipped cream use nitrous oxide instead of nitrogen gas?
1445 Why is methanes molecular formula conventionally CH₄, while water is H₂O (among others)?
1446 Why is the vanadium(3+) ion paramagnetic?
1447 Why do SN1 and SN2 reactions not occur at sp2 centres?
1448 Why can a diamond be broken using a hammer if its the hardest natural substance known?
1449 Why does cyclopropane react with bromine?
1450 Why do impurities lower the melting point of an isolated substance?
1451 What causes the rotting fish smell?
1452 Do molecules with bridges through rings exist?
1453 Do symmetric hydrogen bonds in neutral molecules exist?
1454 What is the inert pair effect?
1455 How to derive these general formulae for number of stereoisomers of a compound with a possible plane of symmetry?
1456 Is there ANY chemical that can destroy PTFE, or Teflon?
1457 How can the dipole moment of carbon monoxide be rationalised by molecular orbital theory?
1458 Can 100% covalent bonds exist?
1459 Which exotic salt can lower waters freezing point by 70 °C?
1460 How does ammonium nitrate explode on its own?
1461 Why is arsenous acid denoted H3AsO3?
1462 Why is fresh ice sticky?
1463 Five-pointed crown alkane C25H40: does it exist?
1464 Is Hexafluorocyclohexane the Most Polar Small Molecule?
1465 Why do we use helium in balloons?
1466 Choosing the right condenser
1467 Why is the bond angle H-P-H smaller than H-N-H?
1468 Why is BCl3 a monomer whereas AlCl3 exists as a dimer?
1469 What exactly is happening when sodium, potassium, or other alkali metal explodes in water?
1470 Relativistic effect: d-electrons in metallorganic complexes
1471 Why does carbon monoxide have a greater affinity for hemoglobin than oxygen?
1472 What is a non-classical carbocation?
1473 What is the difference between ∆G and ∆G°?
1474 Why super glue does not stick inside their own bottle?
1475 What do the prefixes meta, ortho, pyro mean in inorganic chemistry?
1476 Why is pyrimidine less basic than pyridine?
1477 Why does potassium react more violently with water than lithium?
1478 Generating neat orbitals/surfaces from molden/wfn-files
1479 How do I visualize an atom?
1480 DFT Functional Selection Criteria
1481 Difference between shells, subshells and orbitals
1482 Why does alcoholic KOH prefer elimination whereas aqueous KOH prefers substitution?
1483 Why do atoms generally become smaller as one moves left to right across a period?
1484 What is known about liquid carbon?
1485 Gibbs free energy-minimum or zero?
1486 Is methanol more acidic than water?
1487 IUPAC nomenclature: Smallest sum of locants?
1488 Why is chemistry unpredictable?
1489 A compound that absorbs all visible light
1490 Natural Bond Orbital analysis: Significance of stabilization energy determined by 2nd order perturbation
1491 Does any known substance ignite on cooling?
1492 IUPAC nomenclature for an interesting looking organic compound
1493 What are the maximum number of electrons in each shell?
1494 Chemistry behind Gales coffee maker in Breaking Bad
1495 A glass of water with ice-cubes in it. Wheres the water the coldest; at the top or bottom?
1496 What exactly is hydrogen bonding (and does it really need fluorine, oxygen, or nitrogen)?
1497 Splitting of multiplets in ¹H NMR spectra?
1498 What is actually the difference between valence bond theory and molecular orbital theory?
1499 Why isnt ethane used for cooking?
1500 Why are there two Hydrogen atoms on some periodic tables?
1501 Can hot food ever emit x-rays or gamma rays?
1502 What would follow in the series sigma, pi and delta bonds?
1503 Are metallic/ionic bonds weaker than covalent bonds?
1504 Why is gold unreactive when only one electron is in the outer shell?
1505 Is pyrene aromatic despite failing Hückels rule?
1506 Is density functional theory an ab initio method?
1507 Does O2 have a color in the gas phase
1508 Has anyone even taken a picture of a molecule to confirm the geometry predicted by theory?
1509 Why isnt chemically-strengthened glass made with potassium carbonate to begin with?
1510 May I treat units (e.g. joules, grams, etc.) in equations as variables?
1511 Stereoselectivity of dihydroxylation with osmium tetroxide
1512 Why is the letter J omitted in the spdf... sequence?
1513 Hypervalency and the octet rule
1514 Pauli exclusion principle and resonance
1515 Proper typography of NOx
1516 Synthesis Golf II: Erythronolide B
1517 Single-molecule magnet with electrically-controlled permeability: How does the Titan Shield from Deus Ex work?
1518 How do I extract cyanide from apple seeds?
1519 Tetrahedral or Square Planar
1520 Why is [PdCl4]2- square planar whereas [NiCl4]2- is tetrahedral?
1521 Acidity of substituted phenols
1522 Why cant Pd/C and H2 reduce both the alkene and carbonyl portions of α,β-unsaturated carbonyls?
1523 Why is the bond length of CO+ less than that of CO?
1524 Why do chemistry and physics have different sign convention in thermodynamics?
1525 Why dont the electrons move through the electrolyte (instead of the circuit) in a galvanic cell?
1526 Why is methanol toxic?
1527 Effect of drinking ultra-pure water
1528 Would it be possible to destroy gold?
1529 Middle row anomaly of the periodic table
1530 When is it true that more nodes equals higher energy?
1531 Soaps come in different colors, but why is soap lather always white?
1532 How much CO2 could you remove from the atmosphere with 2 trillion USD?
1533 Why are isotopes of hydrogen the only ones with special names?
1534 Is there an energy cost associated with flipping the spin of an electron?
1535 Synthesis Golf I: Sodium Fluvastatin
1536 Flammability (NFPA) - how is it defined?
1537 What would be the effect of the addition of an inert gas to a reaction at equilibrium?
1538 Whats the difference between a nucleophile and a base?
1539 Why does basicity of group 15 hydrides decrease down the group?
1540 Is the ammonium substituent (-NH3+) really meta-directing in electrophilic substitution?
1541 Where did amino acids get their one-letter codes?
1542 Realistic chemical spill accident in high school chemistry class
1543 What caused the flashes in the video footage of Chernobyl?
1544 How are poisons discovered? Does someone have to die/be poisoned from it first?
1545 Why does hyperconjugation help for ring cleavage?
1546 What do the different grades of chemicals mean?
1547 What are the meanings of dotted and wavy lines in structural formulas?
1548 Why does pyrite form cubic crystals?
1549 Why does burnt hair smell bad?
1550 What roles do neutrons play in an atom?
1551 Why does the unstabilised Wittig reaction selectively form cis alkenes?
1552 Relative stability of cis and trans cycloalkenes
1553 Are there non-transparent gases?
1554 What is the molecular structure of xenon hexafluoride?
1555 What makes ice slippery?
1556 What makes Gorilla Glass more durable with each generation?
1557 Why do transition elements make colored compounds?
1558 Difference between exothermic and exergonic
1559 What is the unit of pH?
1560 Why does the 3rd electron shell start filling up with scandium?
1561 What is the strongest acid?
1562 Why are there only 7 types of unit cells and 14 types of Bravais lattices?
1563 Melting and boiling point trend in Group II
1564 Why is -ethane in methane?
1565 What is the exchange interaction?
1566 Are graphite and hexagonal boron nitride aromatic
1567 Why dont gases escape Earths atmosphere?
1568 How to properly store acids at home?
1569 Is honey really a supersaturated solution? Does heating to un-crystalize redissolve it or melt it?
1570 d-orbital splittings in WS2 monolayer
1571 Imaginary Bonding Interactions
1572 What are angular and radial nodes?
1573 Is alcohol really a solution?
1574 Why are covalent bonds directional?
1575 What metals arent dissolved in/attacked by aqua regia?
1576 What is the pKa of the hydronium, or oxonium, ion (H3O+)?
1577 Carbon with 5 bonds?
1578 Microwaving a glass of water, what happens?
1579 Which is the densest gas known?
1580 Electrical conductivity of graphite
1581 Why are DCM and chloroform so resistant towards nucleophilic substitution?
1582 What substances do humans consume that are caloric but neither protein, carb, nor fat?
1583 Why does chocolate melt so easily?
1584 Is activated carbon classified as organic or inorganic?
1585 Why is the Vitamin B complex, a complex?
1586 Is stainless a bulk or a surface property of stainless steel?
1587 How do orbitals coexist with a nucleus?
1588 Is there radioactivity at absolute zero?
1589 How heavy should an element be, to be a Heavy Metal?
1590 How to name binary (inorganic) compounds given their chemical formula, and vice-versa?
1591 Why is −78 °C a magic temperature for organic reactions?
1592 Why is 1-ethylidene-4-methylcyclohexane chiral?
1593 How do non-polar substances dissolve in non-polar solvents?
1594 How do you separate enantiomers?
1595 Acid Accident Treatment
1596 Why are solids and liquids not included in the equilibrium constant? What about in a reaction rate calculation?
1597 Why do atoms want to have a full outer shell?
1598 What happens to gunpowder when it gets wet?
1599 Which carbocation is more stable, the ethyl- or 1-propyl-carbocation?
1600 Why is water the universal solvent?
1601 Why are noble gases stable
1602 Why isnt the American nickel magnetic?
1603 What are oxidation states used for?
1604 Can magnetic fields affect a chemical reaction?
1605 When a candle burns, why does the top of wick glow if bottom of flame is hottest?
1606 What properties of carbon dioxide make it a greenhouse gas?
1607 Why is cyclooctateraene shaped like a tub rather than a chair?
1608 What happens if you cool water in a container too small for it to freeze?
1609 Why is fluorine a gas, but lithium isnt?
1610 Do electrons have some volume, area or shape?
1611 Are the bonding orbitals in methane equivalent - photoelectron spectrum
1612 Why are there no cheap diamond equivalents?
1613 Why is heroin a more potent drug than morphine, despite having a similar structure?
1614 Unusual Friedel–Crafts alkylation with pivaloyl chloride
1615 Suggest methods and basis sets for a variety of systems
1616 How many molecules does it take to have a phase?
1617 Why is snow white?
1618 How do Quantum Software Packages Work?
1619 Whats a minimal yet chemically-meaningful kinetic system for an oscillating reaction?
1620 What makes a radical free?
1621 How does Palladium dissociate H₂ so easily?
1622 What is the difference between D and L configuration, and + and −?
1623 How much gold is there in our sun?
1624 How loud would the Sun be?
1625 Does the Sun rotate?
1626 How can there be 1,000 stellar ancestors before our Sun?
1627 Why is the discovery of merging neutron stars important?
1628 Why dont astronomers use meters to measure astronomical distances?
1629 Could the dinosaurs have seen the asteroid that killed them?
1630 Is the moon only 60 pixels?
1631 Why is only one side of the Moon visible from Earth?
1632 How does the Earth move in the sky as seen from the Moon?
1633 Why not take a picture of a closer black hole?
1634 Can gravitational waves pass through a black hole?
1635 Is it dark inside the Sun?
1636 Does the Milky Way move through space?
1637 Why is there a zig-zag in elemental abundances?
1638 If a massive object like Jupiter flew past the Earth how close would it need to come to pull people off of the surface?
1639 How many planets are there in this solar system?
1640 When will the Sun end all human life on Earth?
1641 Why is the asteroid belt shaped like a triangle?
1642 Would we have more than 8 minutes of light, if the Sun went out?
1643 If two black hole event horizons overlap (touch) can they ever separate again?
1644 Why hasnt the 9th Planet been detected already?
1645 What is the hottest thing in the universe?
1646 Where did TRAPPIST-1a go?
1647 If light has no mass, why is it affected by gravity?
1648 Why does Io cast a hard shadow on Jupiter, but the Moon casts a soft shadow on Earth?
1649 Why is moon light not the same color as sunlight?
1650 What would happen if an ice cube is left in space?
1651 Sun constantly converts mass into energy, will this cause its gravity to decrease?
1652 Is there any role today that would justify building a large single dish radio telescope to replace Arecibo?
1653 How powerful a telescope would allow me to view the astronauts aboard ISS do a space-walk?
1654 Is there a star over my head?
1655 Why has Venuss atmosphere not been stripped away by solar wind?
1656 How did Astronomers deduce that the Sun was not a ball of fire?
1657 Why does it take so long to transmit an image from New Horizons to Earth?
1658 Two species of dark matter?
1659 Does the Milky Way orbit around anything?
1660 If Earth is tilted, why is Polaris always above the same spot?
1661 Is it possible to achieve a stable lunarstationary orbit around the moon?
1662 Why is Mars cold?
1663 How can HD 140283 be older than the universe?
1664 Does matter accumulate just outside the event horizon of a black hole?
1665 Where does the Solar System end?
1666 What is in the center of the universe?
1667 Does the sun cross other spiral arms in its movement around the galaxys center?
1668 Why do Black Holes in the middle of galaxies not suck up the whole galaxy?
1669 How does neutron star collapse into black hole?
1670 How do we have photos of galaxies so far away?
1671 How old is the oldest light visible from Earth?
1672 Are photons aged?
1673 Why does the Sun have different day lengths, but not the gas giants?
1674 Why does gas form a star instead of a black hole?
1675 Why is Gaia operating around Earth orbit? Why not send it to Neptunes orbit?
1676 Why is our solar system tipped about 63° with respect to the plane of our galaxy?
1677 Are new stars less pure as generations go by?
1678 How are black holes found?
1679 Can the moon appear to be in any position in the sky?
1680 How do scientists know that the distant parts of the universe obey the physical laws exactly as we observe around us?
1681 Do all stars have an Oort cloud or is it a rare occurence?
1682 Why are we building larger land-based telescopes instead of launching larger ones into space?
1683 Is Earths moon the only one where a total eclipse of the sun covers the entire sun?
1684 Why are there uneven bright areas in this photo of black hole?
1685 How do we know that black holes are spinning?
1686 How large can a ball of water be without fusion starting?
1687 Closest star system to Alpha Centauri?
1688 How do we distinguish old craters from new ones on the Moon?
1689 How can comets have tails if theres no air resistance in space?
1690 How do I calculate the inclination of an object with an amateur telescope?
1691 Is it a coincidence that on the far side of the moon almost no seas are visible?
1692 9th planet location?
1693 Why cant we see Saturns phases from earth?
1694 Why does the Moon appear gray when passing between the Sun and the Earth?
1695 Are there any stars that orbit perpendicular to the Milky Ways galactic plane?
1696 Why does Jupiter have so many moons?
1697 Why doesnt the moon twinkle?
1698 Considering our methods of exploration, how likely is it that there are unfound planets (not dwarf planets) in our solar system?
1699 How exactly does Hawking radiation decrease the mass of black holes?
1700 Do moons have moons?
1701 If you lived on the far side of the Moon, how could you infer the existence of Earth?
1702 Whats the fastest moving object in the universe?
1703 Why do the planets in our solar system orbit in the same plane?
1704 Did I see another planet?
1705 Is Venus in some way tidally locked to... Earth?
1706 What did LIGO Actually See? (Gravitational waves discovery)
1707 How was the mass of Venus determined?
1708 Where can I find the positions of the planets, stars, moons, artificial satellites, etc. and visualize them?
1709 Could any known, living organisms on Earth survive on Mars?
1710 Why do (most of) the planets rotate counterclockwise, i.e. the same way the Sun does?
1711 How should I deal with becoming discouraged as a graduate student?
1712 How to ask dumb questions
1713 Upset by male classmates openly comparing female students according to physical appearance
1714 I dont want to kill any more mice, but my advisor insists that I must in order to get my PhD
1715 Should I share my horrible software?
1716 Moral dilemma in unwittingly being paid to complete a students work
1717 How to effectively deal with Imposter Syndrome and feelings of inadequacy: Ive somehow convinced everyone that Im actually good at this
1718 How to avoid procrastination during the research phase of my PhD?
1719 A paper I received to review has (independently) duplicated work that we are writing up. How to proceed in light of peer-review confidentiality?
1720 Why do American colleges and universities have sports teams?
1721 Sex worker student offering her (lawful) services
1722 How to read papers without falling into a rabbit hole?
1723 A published paper stole my unpublished results from a science fair
1724 Failing students when it might cause them economic ruin
1725 Female students coming to office hours in overly revealing clothing
1726 How to avoid being falsely accused of harassment by a student?
1727 Professor creates assignment making students advocate for a bill being presented to Congress. Is this legal?
1728 Have I embarassed my supervisors by solving a problem that a PhD student in my group was working on without success?
1729 I believe I have solved a famous open problem. How do I convince people in the field that I am not a crank?
1730 What to do when your student is convinced that he will be the next Einstein?
1731 University rank/stature - How much does it affect ones career post-Ph.D?
1732 Writing a recommendation letter for a student I reported for academic dishonesty
1733 Why would an academic write a textbook for free?
1734 Postdoc overwhelmed by incomplete work
1735 What to do with a student coming to class in revealing clothing, to the degree that it disrupts the teaching environment?
1736 How can I recover professionally from being a crank?
1737 Can I add a baby as a co-author of a scientific paper, to protest against co-authors who havent made any contribution?
1738 May a man attend a workshop entitled “Young women in [domain]”?
1739 How to deal with an advisor who wants a friendlier relationship with me than I do?
1740 How to stop hopping the learning chain and actually begin somewhere?
1741 How can I convince graduate students in China to not copy/paste from the Internet into their research papers?
1742 How to deal with a student who most likely has a mental condition, and keeps arguing with me in class?
1743 Is it possible to recover after a career setback such as this?
1744 How do you cite a Github repository?
1745 Quoting a typo: Do I really have to do sic, or can I just fix the sentence?
1746 I realize I made a huge mistake in my thesis and am not sure what to do. Im defending very soon (days away). What should I do?
1747 Religious supervisor wants to thank god in the acknowledgements
1748 Is it acceptable to publish student names with the label stupid question, on a publicly-visible website?
1749 Grades are too high for the department - what should I do?
1750 My research paper filed as a patent in China by my Chinese supervisor without me as inventor
1751 Grant fraud, should I bust my PhD advisor?
1752 Why dont researchers publish failed experiments?
1753 What does the typical workflow of a journal look like?
1754 How do you come to terms with the fact that you might never be among the best in your research community?
1755 Do I have the legal right to demand information on plagiarism of my work from another university?
1756 Why are papers without code but with results accepted?
1757 In a formal paper, should I censor brainf**k, the name of a programming language?
1758 How do you judge the quality of a journal?
1759 Why do many talented scientists write horrible software?
1760 Profs neurological health is declining rapidly. What can I (TA) do?
1761 My paper is being cited in vaccine misinformation. What do I do?
1762 How honest should one be with their students when talking about the realities of academia?
1763 What to do about questions that are designed to embarrass the speaker?
1764 I (independently) solved a fellow students research problem. I want to publish it. What should I do?
1765 How to deal with failing a student?
1766 Is Obamas JAMA paper OK?
1767 Why are most scientific articles locked behind a paywall?
1768 What does first authorship really mean?
1769 How can a TA help a student who is certain she sucks at programming?
1770 Our teacher is encouraging us to use cracked software
1771 I am uncomfortable about students taking pictures of the blackboard, because I dont like appearing in them
1772 Appropriateness of dedicating my thesis to a Jewish mathematician who died in a concentration camp
1773 Teaching a class likely meant to inflate the GPA of student athletes
1774 Rediscovery of calculus in 1994: what should have happened to that paper?
1775 A student in my course does well on exams, but doesnt do the homework: Go easy on them, or make them pay the price?
1776 What to do if a referee plagiarises the result after rejecting a paper?
1777 Does one need to be affiliated with a university to publish papers?
1778 Is it appropriate for a professor to require students to sign a non-disclosure agreement before being taught?
1779 How to deal with a very weak student?
1780 Should I intervene when a colleague in a different department makes students run laps as part of their grade?
1781 How does the admissions process work for Ph.D. programs in the US, particularly for weak or borderline students?
1782 Will ISIS attacks hurt my PhD application as a Muslim?
1783 My professor is rigging data and plagiarizing. What can I do?
1784 Is declining an undergraduate award which causes me discomfort appropriate?
1785 Is it ethical to submit a paper with the name of a co-author who cannot be contacted?
1786 How do I handle a colleagues gender change when citing their paper?
1787 Best-practice models for research code?
1788 I slept with my advisors daughter and she is blackmailing me now. What can I do?
1789 Should I simply ignore it if authors assume that Im male in their response to my review of their article?
1790 Whats the point of PhD theses if nobody reads them?
1791 Why do most people think its a bad idea to read from slides?
1792 Why is my mood dictated so much by how well my research is going?
1793 Is there a place in academia for someone who compulsively solves every problem on their own?
1794 How hard do early-career academics in the United States work, really?
1795 Can leaked nude pictures damage ones academic career?
1796 How to build healthy working relationships with my male colleagues as a young-ish, attractive-ish woman?
1797 Useful strategies for answering dumb questions in a talk?
1798 Reporting a student who may be psychologically disturbed
1799 Is it ethical to profit by having my students buy my textbook?
1800 Two years into my PhD program, and Mom is dying of cancer. Should I tell my advisor about it?
1801 What to do about grade grubbers?
1802 I am an editor for a lousy paper and I found a better algorithm than theirs. Must I share it with them?
1803 Should a young professor avoid using dating apps?
1804 How do I identify predatory and low quality journals? With Bealls List gone, how can I tell if a journal is spam?
1805 Is publishing runnable code instead of pseudo code shunned?
1806 Why are professors websites so ugly?
1807 Should professors intervene if a student is wearing offensive clothing in their classroom?
1808 Is it ethical/acceptable to give a lighter penalty to students who admit to cheating?
1809 My students family wont let her study what she wants
1810 Should the slides in a presentation be self-explanatory or be as minimal as possible?
1811 Is it okay to report classmates cheating on exams?
1812 Should I quit my PhD - workload, self-esteem and social life
1813 Should I have doubts if the organizers of a workshop ask me to sign a behavior agreement upfront?
1814 Is ignoring emails acceptable in academia?
1815 How to supervise a bad PhD student
1816 Should I send professors money for illegally downloading their books?
1817 Taking an academic pseudonym?
1818 Slept through final, professor is giving me a zero and failing me – is there anything I can do to change this?
1819 How do you get a bad transcript past Ph.D. admissions?
1820 Knowing that most students submit assignments right around the deadline, is it advisable not to set deadline that is very late at night?
1821 I was caught cheating on an exam, how can I minimize the damage?
1822 How do you answer Oh, youre a professor? What do you teach?
1823 Choice of personal pronoun in single-author papers
1824 Software to draw illustrative figures in papers
1825 In a yes/no question, a student gives the right answer and an unnecessary but wrong explanation. How to grade?
1826 Do academics look down on well-designed academic websites?
1827 Asked again to review a paper, when the authors dont wish to modify it
1828 Fellow student asked question from take-home exam on Stack Exchange
1829 How to react when encountering students who have previously failed my course?
1830 How to deal with anxiety and depression after being kicked out of PhD program?
1831 What should I do after advisor got upset when I expressed belief in evolution and then said he couldnt add me to his research team?
1832 How to argue against questionable research practices such as P-hacking and Harking?
1833 What is this can I hire you as a tutor scam?
1834 Gender transition as a starting faculty member: a terrible idea?
1835 If I request a paper through my university library, must they pay a substantial amount of money?
1836 Is it appropriate to email a professor saying you enjoyed their class, after doing well in it?
1837 Advisor tries to reproduce my results to ensure my honesty. Is it the norm?
1838 What is the purpose of women-only meetings, panels, conferences, etc. in academia?
1839 How to come up with research ideas?
1840 Googling my name reveals silly things from when I was younger. I am embarassed. How will this affect me in my future academic career?
1841 What to remember when supervising female PhD students?
1842 How to stop feeling guilty about unfinished work?
1843 Asking questions in class: how can I exit a Q&A when I havent really understood?
1844 How to deal with arrogant e-mail of a student
1845 Why do researchers sometimes use extremely complicated English sentences to convey their meaning?
1846 Why are research papers written in language thats difficult for undergraduate students?
1847 Do I not have the personality for a PhD?
1848 Editor rejected manuscript claiming it is similar to a not-yet-published manuscript (that I havent seen). How to proceed?
1849 What are fake, shady, and/or predatory journals?
1850 Only one student answered an exam question - and I strongly suspect he cheated
1851 Why do students go for a PhD even when chances of getting academic jobs on its completion are slim?
1852 Is doing two PhDs a good path?
1853 How to silence the voice that tells you youre being financially irresponsible by spending 4 to 6 years doing a PhD?
1854 Why do Americans care so much about recommendation letters?
1855 What is the point of listing 1000 authors for a single scientific paper?
1856 How to approach a student with bad hygiene?
1857 Dressing down to impress in academic settings
1858 Why is plagiarism so harshly punished?
1859 What makes someone deserving of a Ph.D.?
1860 Student caught cheating when leaving class after handing me the exam
1861 What is the best last slide in a thesis presentation?
1862 How can I prevent students from writing answers on an assignment, then claiming I didnt see their answer?
1863 Is it okay for a professor to leave the classroom only 5 min past the class start if nobody has shown up?
1864 Is it reasonable for a professor to ask students to stay 30-45 minutes past scheduled class time every week?
1865 PhD Student : Publish Paper with Wife?
1866 Is Academia really just a huge competition?
1867 What can I do when some people stole my master thesis work and published it as their own work?
1868 What should I do if my advisor is forcing me to vote on a specific candidate in IEEE elections?
1869 None of 25 students at question session before exam has a question. What should lecturer do?
1870 Why is it acceptable that publishers sell papers they didn’t pay for?
1871 How to respond to a company that wants specific details on implementation of my PhD research?
1872 Should I recommend a student with a bad ideology?
1873 How to prevent students from using modified calculators to cheat on exams?
1874 Is it ethical for a professor to get masters students to work on open source modules related to the professors profit-making company?
1875 My teaching evaluations arrived and female students statistically gave me worse scores than male students. Is there any possible explanation?
1876 How to handle requests for a race-based exam structure?
1877 Ethical concerns regarding the review of a paper on autonomous armed drones
1878 Why do universities fund Ph.D. students in the sciences?
1879 What is a “sandwich thesis”?
1880 What is behind the Indian Undergrad Research Experience-spam?
1881 Submitting paper proving X soon after paper proving X-epsilon
1882 Assistant professor vs Associate professor
1883 What to do if I have seen an exam before I have taken it?
1884 Has anyone, based on great performance, ever been awarded a higher degree than the one they enrolled for?
1885 What to do if most of my students have switched to a better lecturers class?
1886 Professor falsely accusing me of cheating in a class he does not teach, two months after end of the class. What precautions should I take?
1887 Is it unethical to supply a marked solution to a student who has shown intent to cheat, with the intent of identifying them for punishment?
1888 A famous scholar sent me an unpublished draft of hers. Then she died. I think her work should be published. What should I do?
1889 My admission is revoked after accepting the admission offer
1890 Is having access to past exams cheating and, if yes, could it be proven just by a good grade?
1891 Will my cancer ruin my chances of going to graduate school in math?
1892 The overwhelming silence in shy classes
1893 Students bringing babies to class
1894 I lost my students quizzes due to a theft, what should I do?
1895 How can I address a student systematically boosting their grades by filing frivolous complaints?
1896 One of my student researchers is likely falsifying some results/data. What are the consequences?
1897 Professor does not care about cheating, what should TA do?
1898 What happens if a math PhD student fails to find a proof that is the main objective of his/her thesis topic?
1899 During peer-review, should I comment on the authors messy code?
1900 How do I deal with a candidate mentioning God twelve times in their application?
1901 Is it true that PhD students need to work 10-12 hours a day every day to be productive?
1902 Just started a postdoc, but it went REALLY bad, REALLY fast. Stay or go?
1903 I have stack-exchanged through my undergrad math program. Am I likely to succeed in mathematics PhD programs?
1904 E-mail address to use in publications
1905 The GRE: Why does this still exist?
1906 Do authors have to be politically correct in article-writing?
1907 Why do some instructors care so much about attendance?
1908 If I quit my PhD, would it make my advisor look bad?
1909 Im feeling discouraged after getting tenure; should I quit?
1910 What should I do when my accepted paper is subsequently rejected?
1911 Why cant universities work around the proposed reclassification of tuition remission as taxable income, by not charging tuition?
1912 How to be a co-author anonymously?
1913 Is it possible to work full time and complete a PhD?
1914 What to say to a student who has failed?
1915 How to tell an over-confident student they still have a lot to learn?
1916 When should a supervisor be an author?
1917 Are non-citizen Muslim professors and students going to be removed from US universities and subsequently deported by Trumps ban?
1918 Is web-presence important for researchers?
1919 Is there an affordable way for non-students to subscribe to multi-journals/archives?
1920 Should I report a PhD student’s incompetence to their supervisor?
1921 You are paid to answer my questions! - how to handle silly questions?
1922 I want to do research but Im too old for a PHD
1923 Why is peer review so random?
1924 Where do bad papers go to die?
1925 How do I talk about my abusive former advisor if people ask?
1926 Walk up and talk to random people at academic conferences - is that appropriate?
1927 What makes academic failure different from failure in another career?
1928 My supervisor doesnt believe in depression
1929 Techniques for good board handwriting
1930 Should I seek professional help because I have a lot of math books?
1931 Is it ok to upload joke papers to arXiv?
1932 PhD student, issued contract at year 3 which will sign over intellectual property. Is it legal?
1933 Donating money to scientific research after my death
1934 How to handle lecturer who doesnt let me use my phone?
1935 What is the justification for the typical punishment of a student who did not cheat but helped others cheat?
1936 How do mathematicians conduct research?
1937 Is it OK to refuse to cite paywalled papers?
1938 Are college students forbidden from sharing their grades with other students?
1939 How can I avoid being the negative one when giving feedback on statistics?
1940 Editor asks for π to be written in roman
1941 I am non-tenured and have been offered a tenure-track position at my current university, but I dont want to stay here long term. What should I do?
1942 Typical experiences of transgender people in academia?
1943 How to react to a student proselytising during office hours?
1944 How to quiet noisy undergrads students during lecture
1945 Why do professors want to make sure that their notes written on the blackboard will not be published?
1946 Two-thirds of my class colluded. Should I report them to the academic offences committee?
1947 How should I proceed when a (famous) professor says Im not good enough for research?
1948 What can I do if my advisor wants me to keep working, even while Im on medical leave for severe depression?
1949 How to avoid a hostile takeover of first authorship during medical leave?
1950 How to react when a team of colleagues obviously made up some results?
1951 As a department head, what to do if a professor leaves without giving out grades?
1952 How to become well-known in the research community while being a PhD student
1953 Should I report an accepted PhD thesis in which the literature review is copied verbatim from sources?
1954 Am I reading enough of the scientific literature? Should I read for breadth or depth?
1955 Should I explain to the graduate admission committee why I am older than most prospective PhD students?
1956 Strategies for teaching with facial aphasia (inability to recognize faces aka prosopagnosia, face-blindness)
1957 Use of first person in a PhD Thesis
1958 Is 8:00 AM an unreasonable time to meet with my graduate students and post-doc?
1959 A student keeps using a native language while asking questions in the class when the course is taught in English
1960 As a TA, how to react if I come across a Facebook group in which students insult me?
1961 What is the origin of the underwater basket weaving meme in Academia?
1962 Are there good reasons to avoid using color in research papers?
1963 What productive academic work can you do with minimal attention in a small (<30 minutes) block of time?
1964 How should I deal with very negative feedback from some students?
1965 What is the point of a lecture when you have a textbook?
1966 Where did I lose control of my studies?
1967 First year Math PhD student; My problem solving skill has been completely atrophied and continues to decline
1968 Referee says the proof is wrong, but it is not, what to do?
1969 Should I tell students that its my first time teaching the course?
1970 Why are some professors critical of even casual use of Wikipedia?
1971 Counter strategy against group that repeatedly does strategic self-citations and ignores other relevant research
1972 How to train students to write high-quality research papers?
1973 How do I reference the Python programming language in a thesis or a paper?
1974 What are the potential pitfalls of having a PhD?
1975 Accused of cheating due to the time accounted by Blackboard
1976 Is it acceptable for a professor to tell male students to not think that they are smarter than female students?
1977 Citing paywalled articles accessed via illegal web sharing
1978 How do teachers learn to grade?
1979 Should I take threats from a former professor seriously?
1980 Does publishing a paper on arXiv prevent me from submitting it to a non-open access journal?
1981 How to deal with a student who harasses the (inexperienced) teacher during class?
1982 How to respond to unfair to write English comments?
1983 Someone plagiarised my entire paper. What should I do now?
1984 How to help reduce students anxiety in an oral exam?
1985 How to deal with a professor who grades assignments and exams incorrectly
1986 Are results that are derived simply by using more computational power publishable?
1987 What are the advantages or disadvantages of using LaTeX for writing scientific publications
1988 How to let a PhD student know that their research is not as good as they think it is
1989 First author doesnt want a co-author to read the whole paper
1990 Why are many obviously pointless papers published, or worse studied?
1991 Can a lecturer force you to learn a specific programming syntax / language?
1992 Why upload to academic preprint sites like arXiv?
1993 Lecturer ridiculing me in front of class for making a mistake
1994 Is there any problem with students seeing faculty naked in university gym?
1995 Am I being exploited by my supervisor?
1996 What to answer an author asking me if I reviewed his/her paper?
1997 Is it ethical to use proprietary (closed-source) software for scientific computation?
1998 Why does this site give different answers about leaving a bad situation compared to Workplace.SE?
1999 How to deal with an academic stalker?
2000 My first authorship is being turned into co-first authorship, what can I do?
2001 A student forgot to answer an exam question
2002 Can I, as a reviewer, tell authors to get a native English speaker to proofread their paper?
2003 How to deal with people looking at their mobile phone during my presentation?
2004 What is a social strategy I can use to respond to Hows your PhD going?
2005 What good is engineering research with no practical relevance?
2006 PhD candidate vs PhD student
2007 Why do academics frequently write very short email replies?
2008 Is it valid to modify a students exam grade if you feel they did not earn it?
2009 Is it appropriate (as a PhD student) to email other researchers asking about some details in their papers?
2010 Why do researchers need universities?
2011 Is it acceptable for a professor to ask post-doc student to babysit for free?
2012 How can I tell if I have simplified my talk too much?