
General
- What is machine learning? What are the different machine learning methods?
- Distinguish between Structured and Unstructured Data
Deep Learning
- What is Deep Learning? Discuss its key characteristics, working and applications
- What are the advantages and disadvantages of Deep Learning?
- How does Deep Learning methods compare with traditional Machine Learning methods?
- What is a perceptron?
- What is a Multilayer Perceptron (MLP), also commonly known as Feed Forward Neural Network?
- What do you mean by pretraining, finetuning and transfer learning?
- Explain the concept of transfer learning in deep learning
- What is an activation function, and what are some of the most common choices for activation functions?
- Describe briefly the training process of a Neural Network model
- What are the key hyper-parameters of a neural network model?
- What are some options to address overfitting in Neural Networks?
- What do you mean by vanishing gradient and why is that a problem?
- What do you mean by saturation in neural network training? Discuss the problems associated with saturation
- What is Rectified Linear Unit (ReLU) activation function? Discuss its advantages and disadvantages
- What is the “dead ReLU” problem and, why is it an issue in Neural Network training?
- Discuss Softmax activation function
- How does dropout work?
- What are convolutional neural networks (CNNs), and in what tasks are they commonly used?
- What are recurrent neural networks (RNNs), and what are their applications?
- What is Long-Short Term Memory (LSTM)?
- What is backpropagation?
- What are the challenges in training deep neural networks, and how can they be addressed?
- What are generative adversarial networks (GANs), and how are they used in deep learning?
Transformers
- What are transformers? Discuss the evolution and major breakthrough transformer models
- Explain the Transformer Architecture
- What are the primary advantages of transformer models?
- What are the limitations of transformer models?
- Explain Self-Attention, and Masked Self-Attention as used in Transformers
- What is Multi-head Attention and how does it improve model performance over single Attention head?
- Explain Cross-Attention and how is it different from Self-Attention?
Natural Language Processing (NLP)
- What is Natural Language Processing (NLP) ? List the different types of NLP tasks
- What are some common applications of natural language processing (NLP)?
- What are Language Models?
- What are the advantages and disadvantages of Bag-of-Words model?
- What are generative models, and how are they used in machine learning?
- What are the challenges in natural language processing (NLP)?
- How do you preprocess text data for NLP tasks?
- What are word embeddings, and how are they used in NLP?
- What is sentiment analysis, and how is it applied in NLP?
- What are the practical applications of named entity recognition (NER) in NLP?
- What is topic modeling, and what are some algorithms for it?
Supervised Learning
- What is supervised learning? What are some common algorithms used in supervised learning
- What is the difference between classification and regression in supervised learning?
- What is Regression? What are some common regression algorithms?
- Explain the concept of feature selection in supervised learning.
- What is Feature Standardization and why is it needed?
- What are the assumptions in a Linear Regression model?
- What are the key evaluation metrics for regression models?
- What are some of the evaluation criteria used to assess a Linear Regression model?
- What is classification, and discuss the different types of classification? What are some common classification algorithms?
- How do you evaluate the performance of a classification model?
- What is a confusion matrix, and how is it used to evaluate classification models?
- What is precision and recall, and how are they related to the F1 score?
- What is the ROC curve?
- How can you handle imbalanced datasets in classification tasks?
- What is overfitting, and how can it be prevented in supervised learning?
- What is underfitting and how can it be prevented?
- How do hyperparameters affect the performance of a supervised learning model?
- What is the difference between a generative and a discriminative model?
- What is a naive bayes classifier? Explain how does Naive Bayes work
- Describe the whole process of how to use logistic regression to fit data.
- What is the difference between a support vector machine (SVM) and a logistic regression model?
Ensemble Learning
- What is ensemble learning, and why is it effective for improving model performance?
- Explain the concept of bagging and provide an example
- What is Gradient Boosting? Describe how does the Gradient Boosting algorithm work
- What is boosting, and how does it enhance model performance?
- What are random forests, and what are their advantages and disadvantages?
- What is the difference between bagging and boosting?
- What is the difference between Decision Trees, Bagging, Boosting and Random Forest?
- How is Gradient Boosting different from Random Forest?
- GBM vs Random Forest: which algorithm should be used when?
- How does XGBoost handle the bias-variance tradeoff?
- What is a Decision Tree? What are the advantages and disadvantages of using a Decision Tree
- What is the difference between Adaboost and Gradient Boost?
- What is XGBoost? How does it improve upon standard GBM?
Unsupervised Learning
- What is unsupervised learning, and what are its main types?
- What are some common clustering algorithms, and how do they work?
- How does dimensionality reduction help in unsupervised learning?
- Explain the difference between principal component analysis (PCA) and t-SNE.
- What is Principal Component Analysis (PCA), and how does it differ from clustering?
- What are autoencoders, and what are their applications in unsupervised learning?
- How do you evaluate the quality of clustering results in unsupervised learning?
- What is clustering in unsupervised learning?
- How does K-means work? What are some pros and cons of K-Means Clustering?
- How does K-Means ++ work?
- What are some common distance metrics that can be used in clustering? What if different features have different dynamic ranges?
- What is the difference between k-nearest neighbors (KNN) and k-means clustering?
Model Evaluation and Optimization
- How do you evaluate the performance of a machine learning model?
- What is cross-validation, and why is it important in model evaluation?
- How are model hyper-parameters generally selected?
- What is the purpose of regularization in machine learning models?
- What is the differences between L1 and L2 regularization?
- What is the bias-variance tradeoff and how do you balance it?
- How does bias-variance trade-off affect model selection?
- What are learning curves, and how do they help in model assessment?
- How does gradient descent work, and how is it used in training machine learning models?
Data Preprocessing and Feature Engineering
- Describe the process of data preprocessing in machine learning
- How do you handle missing data in a dataset?
- What is feature scaling, and when is it necessary?
- What are some common feature engineering techniques?
- What is one-hot encoding, and when is it applied to categorical data?
- What is the curse of dimensionality, and how does it affect machine learning models?
- How can you deal with outliers in your data?
- What is the difference between Feature Engineering and Feature Selection?
- What is Feature Standardization and why is it needed?
- What is anomaly detection, and what are some methods to detect anomalies in data?
- What is the best way to communicate ML results to stakeholders? (Ans: RMSE)
Statistics
- How would you conduct an A/B test?
- What is a p-value, and what is its significance?
- Describe a confidence interval
- Explain Bayes’ Theorem
- What is R squared? Can it take negative values?
- What is a Z-test? When would you use a Z test over a T test?
- What is Hypothesis Testing?
- Explain the difference between type 1 and type 2 error
- What is the difference between parametric and non-parametric models?
Miscellaneous
- What is semi-supervised learning, and in what scenarios is it beneficial?
- How can you evaluate the fairness of a machine learning model?
- What ethical considerations should be taken into account when developing machine learning systems?