Recent Notes

Note Tags
Instructional Websites #dataset
COIN #paper
matplotlib legend #visualization #interview
matplotlib functions
Essential Visualizations #visualization #interview
3 key question in data visualization #interview #visualization
data visualization #visualization #interview
Self Attention vs. Cross Attention
MM-LLMs
Time Complexity of ML Models #machine-learning #interview
Label Encoding #machine-learning #interview
Log (Odds Ratio) #statistics #interview
Odds Ratio #statistics #interview
Amazon Leadership Principles #interview #behavioral
Gumbel Softmax #deep-learning #interview
Recent Notes
Forward Feature Selection #machine-learning #interview
Backward Feature Elimination #machine-learning #interview
Alternative Hypothesis #statistics #interview
Self-Supervised Learning #deep-learning #interview
Foundation Model #deep-learning #interview
Challenges of NLP #nlp #interview
Reinforcement Learning from Human Feedback (RLHF) #nlp #deep-learning #interview
Decoding Strategies #nlp #interview
Gradient Clipping #deep-learning #interview
Extrinsic Evaluation #evaluation #nlp #interview
Intrinsic Evaluation #evaluation #nlp #interview
Jaccard Distance #statistics #interview
Multiset #math
Jaccard Similarity #statistics #interview
True Negative Rate #evaluation #machine-learning #interview
Group Normalization #deep-learning #interview
Layer Normalization #deep-learning #interview
Min Max Normalization #deep-learning #interview
Normalization #deep-learning #interview
Stop Words #nlp #interview
Adam #deep-learning #interview
AdaDelta #machine-learning #interview
Nesterov Accelerated Gradient (NAG) #deep-learning #interview
RMSProp #deep-learning #interview
AdaGrad #deep-learning #interview
Stochastic Gradient Descent with Momentum #deep-learning #interview
ELMo Embeddings #nlp #interview
BERT Embeddings #nlp #interview
FastText Embedding #nlp #interview
GloVe Embedding #nlp #interview
Continuous Bag of Words #deep-learning #nlp #interview
Sub-sampling in Word2Vec #deep-learning #nlp #interview
One Hot Vector #deep-learning #nlp #interview
Negative Sampling #deep-learning #nlp #interview
Leaky ReLU #deep-learning #activation-function #interview
Polynomial Regression #machine-learning #interview
Type 1 Error vs. Type 2 Error #machine-learning #interview #evaluation
Skip Gram Model #nlp #deep-learning #interview
Contextualized Word Embeddings #nlp #interview
Word2Vec Embedding #nlp #interview
Homonym or Polysemy #nlp #interview
Count based Word Embeddings #deep-learning #interview
Co-occurrence based Word Embeddings #nlp #interview
Word Embeddings #deep-learning #nlp #interview
Area Under Precision Recall Curve (AUPRC) #machine-learning #interview #evaluation
Precision Recall Curve (PRC) #machine-learning #interview #evaluation
SentencePiece Tokenization #nlp #deep-learning #interview
WordPiece Tokenization #deep-learning #nlp #interview
Byte Level BPE #deep-learning #nlp #interview
Sub-word Tokenizer #deep-learning #nlp #interview
Character Tokenizer #deep-learning #nlp #interview
Word Tokenizer #deep-learning #nlp #interview
Tokenizer #deep-learning #nlp #interview
Byte Pair Encoding (BPE) #deep-learning #interview #nlp
F-Beta Score #evaluation #machine-learning #interview
False Negative Error #machine-learning #interview
Batch Normalization #deep-learning #interview
Feature Preprocessing #interview #deep-learning
Simple Linear Regression #machine-learning #interview
Independent Variable #machine-learning #interview
Dependent Variable #interview #machine-learning
Multivariable Linear Regression #machine-learning #interview
Multivariate Linear Regression #machine-learning #interview
spacy-syntactic-dependency #nlp #spacy
trace-operator #linear-algebra
unit-vector #linear-algebra
vector #linear-algebra #math
spacy-pattern #spacy #nlp
spacy-pipeline #nlp #spacy
spacy-pos #nlp #spacy
spacy-semantic-similarity #nlp #spacy
spacy-explanation-of-labels #nlp #spacy
spacy-matcher #spacy #nlp
spacy-named-entities #nlp #spacy
spacy-operator-quantifier #spacy #nlp
scalar #linear-algebra #math
spacy-doc-object #nlp #spacy
spacy-doc-span-token #nlp #spacy
orthogonal-matrix #linear-algebra
orthonormal-vector #linear-algebra
p-value #statistics #interview
jupyter-notebook-on-server #deep-learning
lp-norm #linear-algebra
max-norm #linear-algebra
norm #linear-algebra
fully-joint-joint-distribution #probability
identity-matrix #linear-algebra
joint-distribuition #probability
eigenvalue-eigenvector #linear-algebra
frobenius-norm #linear-algebra
fully-independent-join-distribution #probability
doing-literature-review
diagonal-matrix #linear-algebra
determinant #linear-algebra
conditionally-independent-joint-distribution #probability
bisect_left vs. bisect_right #data-structures #interview
Variance #interview #statistics
Unsupervised Learning #machine-learning #interview
Undercomplete Autoencoder #deep-learning #nlp #interview
Undersampling #machine-learning #interview
Triplet Loss #deep-learning #loss-in-ml #interview
True Positive Rate #machine-learning #interview #evaluation
Training a Deep Neural Network #deep-learning #interview
Three Way Partioning #algorithms #interview
TF-IDF #machine-learning #interview #nlp
Tanh #deep-learning #activation-function #interview
Swallow vs. Deep Learning #machine-learning #deep-learning #interview
Support Vector #machine-learning #interview
Surprise #machine-learning #interview
Supervised Learning #machine-learning #interview
Support Vector Machine (SVM) #machine-learning #interview
Stump #machine-learning #interview
Stride in CNN #deep-learning #vision #interview
Statistical Significance #statistics #interview
Stochastic Gradient Descent (SGD) #machine-learning #interview
Standardization #machine-learning #deep-learning #interview
Standardization or Normalization #machine-learning #deep-learning #interview
Stacking or Meta Model in Ensemble Learning #machine-learning #interview
Standard deviation #interview #statistics
Splitting tree in Decision Tree #machine-learning #interview
Sources of Uncertainty #probability
Specificity #machine-learning #interview #evaluation
Some Common Behavioral Questions #interview
Softplus #deep-learning #activation-function #interview
Softsign #activation-function #deep-learning #interview
Soft Margin in SVM #machine-learning #interview
Softmax #machine-learning #interview #activation-function
Second Order Derivative or Hessian Matrix #math
Semi-supervised Learning #machine-learning #interview
Sensitivity #machine-learning #interview #evaluation
SVC #machine-learning #interview
Saddle Points #machine-learning #interview
Root Mean Squared Error (RMSE) #evaluation #machine-learning #deep-learning #interview
Root Mean Squared Logarithmic Error (RMSLE) #machine-learning #deep-learning #evaluation #interview
Recall #machine-learning #interview #evaluation
Regularization #deep-learning #interview
Reinforcement Learning #deep-learning #machine-learning #interview
Random Forest #machine-learning #interview
Random Variable #probability #interview
ReLU #machine-learning #interview #activation-function
ROUGE-LSUM Score #deep-learning #nlp #interview
ROUGE-N Score #nlp #deep-learning #interview
ROC Curve #machine-learning #interview #evaluation
ROUGE-L Score #deep-learning #nlp #interview
Quotient Rule or Differentiation of Division #math #interview
R-squared Value #statistics #interview #evaluation
RNN #deep-learning #interview
PyTorch Loss Functions #pytorch #machine-learning
Questions to ask in a Interview? #interview
Quintile or Percentile #statistics #interview
Probability vs. Likelihood #probability #interview
Problem Solving Algorithm Selection #algorithms #data-structures #interview
Probability Distribution #probability #interview
Probability Mass Function #probability #interview
Precision #machine-learning #interview #evaluation
Principal Component Analysis (PCA) #machine-learning #interview
Prior Probability #probability #interview
Probability Density Function #probability #interview
Pooling #deep-learning #interview
Population #statistics #interview
Posterior Probability #probability #interview
Perceptron #machine-learning #interview
Perplexity #nlp #deep-learning #interview #evaluation
Oversampling #machine-learning #interview
PCA vs. Autoencoder #deep-learning #machine-learning #interview
Padding in CNN #deep-learning #vision #interview
Parameter vs. Hyperparameter #machine-learning #deep-learning #interview
One Class Gaussian #machine-learning #interview
One vs One Multi Class Classification #machine-learning #interview
One vs Rest or One vs All Multi Class Classification #machine-learning #interview
Overcomplete Autoencoder #deep-learning #nlp #interview
Null Hypothesis #interview #statistics
Odds #statistics #interview
One Class Classification #machine-learning #interview
Naive Bayes #machine-learning #interview
Negative Log Likelihood #interview #probability
Neural Network #deep-learning #interview
Normal Distribution #interview #statistics
Mutual Information #statistics #interview
N-gram Method #nlp #interview
Multi Layer Perceptron #machine-learning #interview
Multivariate Normal Distribution #statistics #interview
Mode #statistics #interview
Model Based vs. Instance Based Learning #machine-learning #interview
Multi Class Cross Entropy #interview #machine-learning #loss-in-ml
Multi Label Cross Entropy #machine-learning #interview
Merge Overlapping Intervals #algorithms #interview
Meteor Score #nlp #deep-learning #interview
Mini Batch SGD #machine-learning #interview
Median #interview #statistics
Merge K-sorted List #data-structures #interview
Mean Squared Error (MSE) #machine-learning #loss-in-ml #interview #evaluation
Mean Squared Logarithmic Error (MSLE) #machine-learning #interview #evaluation
Mean #interview #statistics
Maximum Likelihood #probability #interview
Mean Absolute Error (MAE) #evaluation #machine-learning #deep-learning #interview #loss-in-ml
Mean Absolute Percentage Error (MAPE) #machine-learning #deep-learning #loss-in-ml #interview
Marginal Probability #interview #probability
Matrices #linear-algebra #math
Maximal Margin Classifier #machine-learning #interview
Majority vote in Ensemble Learning #machine-learning #interview
Margin in SVM #machine-learning #interview
Machine Learning Algorithm Selection #machine-learning #deep-learning #interview
Machine Learning vs. Deep Learning #machine-learning #deep-learning #interview
Logistic Regression #machine-learning #interview
Loss vs. Cost #machine-learning #interview
Log Scale #statistics #interview
Log-cosh Loss #loss-in-ml #machine-learning #deep-learning #interview
Logistic Regression vs. Neural Network #machine-learning #deep-learning #interview
Linear Regression #machine-learning #interview
Local Minima #machine-learning
Log (Odds) #statistics #interview
Likelihood #probability #interview
Line Equation #math #interview
L2 or Ridge Regression #machine-learning #interview
LSTM #deep-learning #interview
Kernel in SVM #machine-learning #interview
L1 or Lasso Regression #machine-learning #interview
L1 vs. L2 Regression #machine-learning #deep-learning #interview
Kernel Regression #machine-learning #interview
K-means vs. Hierarchical #machine-learning #interview
K-nearest Neighbor (KNN) #machine-learning #interview
KL Divergence #machine-learning #interview
interview #interview #nlp #cv
K Fold Cross Validation #machine-learning #interview
K-means Clustering #machine-learning #interview
Integration by Parts or Integration of Product #math
Hyperparameters #deep-learning #interview
How to combine in Ensemble Learning #machine-learning #interview
How to prepare for Behavioral Interview #interview
Huber Loss #loss-in-ml #machine-learning #deep-learning #interview
Histogram #interview #statistics
How to Choose Kernel in SVM #machine-learning #interview
Heapq (nlargest or nsmalles) #data-structures #interview
Hierarchical Clustering #machine-learning #interview
Handling Imbalanced Dataset #machine-learning #interview
Greedy Decoding #deep-learning #interview #nlp
Grid Search Hyperparameter Finding #deep-learning #machine-learning #interview
Gradient Boosting #machine-learning #interview
Gradient Descent #machine-learning #interview
Gradient #math #machine-learning #interview
Gradient Boost (Classification) #machine-learning #interview
Gradient Boost (Regression) #machine-learning #interview
Genetic Algorithm Hyperparameter Finding #machine-learning #deep-learning #interview
Gini Impurity #machine-learning #interview
Global Minima #machine-learning
GBM #machine-learning #interview
GRU #deep-learning #nlp #interview
Gaussian Distribution #machine-learning #interview
Feature Engineering #machine-learning #interview
Feature Extraction #machine-learning #interview
Finding Co-relation between two data or distribution #statistics #interview
Exponential Distribution #interview #statistics
F1 Score #machine-learning #interview #evaluation
False Positive Rate #machine-learning #interview #evaluation
Expected Value for Discrete Events #probability #interview
Expected Value #probability #interview
Exploding Gradient #deep-learning #interview
Estimated Variance #statistics #interview
Euclidian Norm #math #interview
Ensemble Learning #machine-learning #interview
Entropy and Information Gain #machine-learning #interview
Entropy #machine-learning #interview #loss-in-ml
Estimated Mean #interview #statistics
Estimated Standard Deviation #interview
Dying ReLU #machine-learning #interview #deep-learning
Dynamic Programming (DP) in python #interview #algorithms #python
Eigendecomposition #linear-algebra #math
Elastic Net Regression #machine-learning #interview
Discrete Random Variable #probability #interview
Discriminative vs. Generative Models #deep-learning #interview
Domain vs. Codomain vs. Range #math
Dropout #deep-learning #interview
Derivative #math #machine-learning #interview
Differentiation of Product #math #interview
Differentiation #math #machine-learning #interview
Decision Tree (Classification) #machine-learning #interview
Decision Tree (Regression) #machine-learning #interview
Decision Tree #machine-learning #interview
Density Sparse Data #machine-learning #interview
Data Imputation #machine-learning #interview
Data Normalization #machine-learning #deep-learning
Decision Boundary #machine-learning
Cross Entropy #machine-learning #interview
Cross Validation #machine-learning #interview
Curse of Dimensionality #machine-learning #interview
DBScan Clustering #machine-learning #interview
Data Augmentation #machine-learning #interview
Contrastive Learning #deep-learning #nlp #interview
Contrastive Loss #deep-learning #loss-in-ml #interview
Convex vs Nonconvex Function #math #interview
Cosine Similarity #machine-learning #statistics #interview
Conditional Probability #interview #probability
Confusion Matrix #machine-learning #interview #evaluation
Continuous Random Variable #probability #interview
Chain Rule #math #interview
Co-Variance #interview #statistics
Collinearity #machine-learning #statistics #interview
Boosting #machine-learning #interview
CNN #deep-learning #interview #vision
Causality vs. Correlation #statistics #interview
Bias & Variance #machine-learning #interview #evaluation
Bidirectional RNN or LSTM #nlp #deep-learning #interview
Binary Cross Entropy #machine-learning #interview
Binning or Bucketing #machine-learning #deep-learning #interview
Binomial Distribution #probability #statistics #interview
Bayesian Optimization Hyperparameter Finding #deep-learning #machine-learning #interview
Beam Search #deep-learning #nlp #interview
Behavioral Interview #interview
Bag of Words #nlp #interview
Bagging #machine-learning #interview
Bayes Theorem #probability #interview
BLEU Score #nlp #deep-learning #interview
Averaging in Ensemble Learning #machine-learning #interview
Adjusted R-squared Value #interview #statistics #evaluation
Autoencoder for Denoising Images #deep-learning #vision #interview
Adaboost #machine-learning #interview
Activation Function #machine-learning #interview #activation-function
AUC Score #machine-learning #interview #evaluation
Accuracy #machine-learning #interview #evaluation
MultiVENT #multimodal #paper #dataset
How To Write a Paper #write-paper #tutorial #paper
How to Read a Paper #paper
ML Interview #math #statistics #probability #visualization #machine-learning #deep-learning #loss-in-ml #evaluation #interview #nlp #vision
DS & Algo Interview #interview #data-structures #algorithms
Deep Learning by Ian Goodfellow #deep-learning #book
How To 100M Learning Text Video #paper #nlp #dataset
Advanced NLP with Scipy #nlp #spacy #tutorial
Home