Get Started. It's Free
or sign up with your email address
Data Science by Mind Map: Data Science

1. Visualization

1.1. R

1.1.1. Plot Generation Tools

1.1.1.1. ggplot2

1.1.2. Documents

1.1.2.1. R Markdown

1.1.3. Web App

1.1.3.1. Shiny

1.1.3.1.1. Shiny Dashboard

1.1.3.1.2. flexdashboard

1.2. Visualization Design

2. Data Analysis Process

2.1. Data Preprocessing

2.1.1. Missing data

2.1.1.1. Imputation

2.1.1.1.1. Single Imputation

2.1.1.1.2. Multiple Imputation

2.1.2. Outlier

2.1.2.1. Remove outlier with box plot(1.5 IQR)

2.1.3. Feature Rescaling

2.1.3.1. Normalization

2.1.3.2. Standardization

2.2. Data Augmentation

2.2.1. Vision

2.2.1.1. Flip

2.2.1.2. Rotation

2.2.1.3. Scale

2.2.1.4. Crop

2.2.1.5. Translation

2.2.1.6. Gaussian noise

2.2.1.7. Shift

2.2.1.8. Shear

2.3. Evaluation

2.3.1. Cross Validation

2.3.1.1. k-fold Cross Validation

2.3.1.2. Leave-One-Out Cross Validation

2.3.2. Learning Curves

2.3.3. Bias-Variance Trade-off

2.3.3.1. Deep Double Descent

2.3.4. Evaluation Metrics

2.3.4.1. Confusion Matrix

2.3.4.1.1. Accuracy

2.3.4.1.2. Precision

2.3.4.1.3. Recall

2.3.4.1.4. F1 score(DICE)

2.3.4.2. ROC curve

2.3.4.2.1. AUC score

2.3.4.3. RMSE

2.3.4.4. Silhouette coefficient (for clustering)

2.4. ML guideline

2.4.1. Google ML guides

3. Data Engineering

3.1. Hadoop

3.2. Spark

3.3. Docker

3.4. Kubernetes

3.4.1. Kubeflow

3.5. ELK stack

3.5.1. Elastic Search

3.5.2. Logstash

3.5.3. Kibana

3.5.4. Filebeat

4. Collaboration

4.1. Git

4.2. Code Review

4.3. Coding Style Guide

5. Study Materials

5.1. Short Introduction/Guide

5.1.1. Facebook Field Guide to ML

5.1.2. Made With ML - Topics

5.2. General

5.2.1. Andrew Ng ML(Coursera)

5.2.2. Deep Learning Book

5.2.3. PRML

5.2.4. Andrew Ng <Machine Learning Yearning >

5.2.4.1. 한글번역

5.3. Statistics

5.3.1. Computer Age Statistical Inference

5.4. Vision

5.4.1. cs231n (Vision)

5.5. NLP

5.5.1. cs224d (NLP)

5.6. RL

5.6.1. cs294-112 (Deep RL)

5.6.2. David Silver RL

5.6.3. Sutton RL Book

5.6.4. Deep RL Bootcamp

5.7. CS294-158 (Deep Unsupervised Learning, Berkeley)

5.8. SOTA summary (2019 Jan)

5.9. Math

5.9.1. Linear Algebra

5.9.1.1. Essence of Linear Algebra (3Blue1Brown)

5.9.1.2. Computational Linear Algebra (Rachel Thomas)

5.10. Kaggle

5.10.1. Kaggle competition winner kernels

5.10.2. 이유한님 발표자료

5.10.3. 캐글 커널 스터디 커리큘럼

5.10.4. Kaggle Winning Solutions

5.10.5. How to Win a Data Science Competition: Learn from Top Kagglers | Coursera

5.11. Interview

5.11.1. 김태훈님 ML interview 준비 자료

5.11.2. 변성윤님 DS interview 질문 모음

5.12. Advanced courses

6. XAI

6.1. Model-agnostic

6.1.1. Global

6.1.1.1. Monotonicity

6.1.1.2. Feature Importance (or Permutation Importance)

6.1.1.3. Partial Dependence Plot

6.1.1.3.1. Individual Conditional Expectation

6.1.1.4. Global Surrogate Analysis

6.1.2. Local

6.1.2.1. LIME

6.1.2.2. SHAP

6.2. Model-specific

6.2.1. Neural Net Specific

6.2.1.1. Visualizing Weight/Bias Distribution

6.2.1.2. Filter/Layer Visualization (or Weight Visualization)

6.2.1.3. Activation Maximization

6.2.1.4. Saliency Map

6.2.1.5. Occlusion Map

6.2.1.6. Layer-Wise Relevance Propagation

6.2.1.7. Class Activation Map

6.2.1.7.1. Grad-CAM

6.3. Intrinsic models

6.4. Uncertainty Quantification

6.4.1. Uncertainty Type

6.4.1.1. Aleatoric Uncertainty

6.4.1.2. Epistemic Uncertainty

6.4.1.3. Out-of-Distribution Uncertainty

6.4.2. Estimation Methods

6.4.2.1. Gaussian Process

6.4.2.2. Bayesian Deep Learning

7. Deep learning

7.1. Backpropagation

7.2. Regularization

7.2.1. Dropout

7.2.2. Batch normalization

7.2.3. Weight decay

7.2.4. Early Stoping

7.3. Activation function

7.3.1. Softmax

7.3.2. Sigmoid

7.3.3. Tanh

7.3.4. ReLU

7.3.5. Leaky ReLU

7.4. Optimizer

7.4.1. SGD

7.4.2. RMSprop

7.4.3. Adagrad

7.4.4. Adadelta

7.4.5. Adam

7.4.6. Adamax

7.4.7. Nadam

7.4.8. RAdam

7.5. Initialization

7.5.1. He

7.5.2. Xavier

7.6. Transfer learning

7.7. DL model types by field

7.7.1. Vision

7.7.1.1. CNN

7.7.1.1.1. Classification

7.7.1.1.2. Object detection

7.7.1.1.3. Semantic segmentation

7.7.1.2. Vision Transformer(ViT)

7.7.2. Sequential data / NLP

7.7.2.1. Word embedding

7.7.2.1.1. NPLM

7.7.2.1.2. Word2Vec

7.7.2.1.3. FastText

7.7.2.1.4. LSA

7.7.2.1.5. GloVE

7.7.2.1.6. Swivel

7.7.2.2. Sentence embedding

7.7.2.2.1. LSA

7.7.2.2.2. Doc2Vec

7.7.2.2.3. LDA

7.7.2.2.4. Language Model

7.7.2.3. RNN

7.7.2.3.1. Vanilla RNN

7.7.2.3.2. LSTM

7.7.2.3.3. GRU

7.7.2.4. Seq2Seq

7.7.2.5. Attention

7.7.2.5.1. Transformer

7.7.3. RL

7.7.3.1. Deep RL

7.7.3.1.1. Key concept

7.7.3.1.2. Policy gradient

7.7.3.1.3. Value based

7.7.3.1.4. Model-based

7.7.3.1.5. Inverse RL

7.7.3.1.6. Meta-learning

7.7.4. Generative models

7.7.4.1. VAE

7.7.4.2. GAN

7.7.4.2.1. DCGAN

7.7.4.2.2. CGAN

7.7.4.2.3. LSGAN

7.7.4.2.4. WGAN

7.7.4.2.5. EBGAN

7.7.4.2.6. BEGAN

7.7.4.2.7. InfoGAN

7.7.4.2.8. CycleGAN

7.7.4.2.9. SGAN

7.7.4.2.10. SAGAN

7.7.4.3. Style transfer

7.8. Accelaration

7.8.1. GPGPU

7.8.1.1. CUDA

7.8.1.1.1. OpenACC

7.8.1.2. OpenCL

7.8.2. Accelerator

7.9. Neural architecture search

7.9.1. Random Search

7.9.2. RL

7.9.3. Gradient-based Methods

7.9.4. Evolutionary Methods

7.9.5. Bayesian Optimization

7.10. Framework

7.10.1. Tensorflow

7.10.1.1. 2.0

7.10.2. Keras

7.10.3. PyTorch

7.10.4. Torch

7.10.5. MXNet

7.10.5.1. Gluon

7.10.6. Caffe

7.10.7. CNTK

8. Machine Learning

8.1. Supervised Learning

8.1.1. Naive Bayes Classifier

8.1.1.1. MAP vs. MLE

8.1.2. k-Nearest Neirhbours

8.1.3. Linear Regression

8.1.3.1. Lasso(L1 regularization)

8.1.3.2. Ridge(L2 regularization)

8.1.3.3. Elastic Net

8.1.4. Logistic Regression

8.1.5. Tree-based Models

8.1.5.1. Decision Tree

8.1.5.1.1. ID3

8.1.5.1.2. CART

8.1.5.2. Ensemble

8.1.5.2.1. Voting

8.1.5.2.2. Bagging

8.1.5.2.3. Boosting

8.1.5.2.4. Stacking

8.1.6. Artificial Neural Network

8.1.7. Support Vector Machine

8.2. Unsupervised Learning

8.2.1. Clustering

8.2.1.1. k-Means Clustering

8.2.1.2. Hierarchical Clustering

8.2.1.3. Mixture Model

8.2.1.3.1. Gaussian

8.2.1.3.2. Bernoulli

8.2.1.3.3. EM algorithm

8.2.1.4. DBSCAN

8.2.2. Dimensionality Reduction

8.2.2.1. Principal Component Analysis

8.2.2.2. Linear Discriminant Analysis

8.2.2.3. Singular Value Decomposition

8.2.2.4. t-distributed Stochastic Neighbor Embedding(t-SNE)

8.2.2.5. Non-Negative Matrix Factorization

8.2.2.6. Autoencoder

8.2.3. Self-Supervised Learning

8.2.3.1. Pretext Task

8.2.3.1.1. Exemplar

8.2.3.1.2. Context Prediction

8.2.3.1.3. Jigsaw Puzzle

8.2.3.1.4. Autoencoder-based Approach

8.2.3.1.5. Count

8.2.3.1.6. Multi-task

8.2.3.1.7. Rotation

8.2.3.2. Contrastive Learning

8.2.3.2.1. NPID

8.2.3.2.2. CPC

8.2.3.2.3. SimCLR

8.2.3.2.4. MoCo

8.2.3.2.5. BYOL

8.2.3.3. Evaluation Method

8.2.3.3.1. Linear Evaluation (=Task Generalization)

8.2.3.3.2. Fine Tuning (=Dataset Generalization)

8.3. Recommendation System

8.3.1. Content-based filtering

8.3.2. Collaborative filtering

8.3.2.1. Nearest Neighbor

8.3.2.2. Latent Factor

8.3.2.2.1. Matrix Factorization

9. Mathematics

9.1. Linear Algebra

9.2. Statistics

9.2.1. Descriptive Statistics

9.2.1.1. Representative value

9.2.1.1.1. Mean

9.2.1.1.2. Median

9.2.1.1.3. Mode

9.2.1.1.4. Quartile

9.2.1.1.5. Percentile

9.2.1.2. Variance

9.2.1.2.1. Quartile

9.2.1.2.2. Deviation

9.2.1.2.3. Standard deviation

9.2.1.2.4. Coefficient of variation(CV)

9.2.1.3. Spearman's rank correlation coefficient

9.2.1.4. Correlation

9.2.1.4.1. Pearson's product-moment coefficient

9.2.1.4.2. Rank correlation coefficients

9.2.1.5. Statistical graphics (EDA)

9.2.1.5.1. Bar chart & Histogram

9.2.1.5.2. Line chart

9.2.1.5.3. Box plot

9.2.1.5.4. Scatter plot

9.2.2. Inferential Statistics

9.2.2.1. Estimation

9.2.2.1.1. Point Estimation

9.2.2.1.2. Interval Estimation

9.2.2.2. Testing of statistical hypothesis

9.2.2.2.1. One sample test

9.2.2.2.2. Two sample test

9.2.2.2.3. Paired sample test

9.2.2.2.4. n sample test (n >= 3)

9.2.2.2.5. 상관분석

9.2.2.2.6. 대응분석

9.3. Probability

9.3.1. Event

9.3.2. Random variable

9.3.3. 3 axioms of Probability

9.3.4. Probability Distribution

9.3.4.1. Uniform

9.3.4.2. Binomial

9.3.4.3. Normal(Gaussian)

9.3.4.3.1. Standardized normal distribution(z-distribution)

9.3.4.3.2. Skewness

9.3.4.3.3. Kurtosis

9.3.4.4. Poisson

9.3.4.5. Chi-squared

9.3.4.6. F

9.3.4.7. Student's t

9.3.5. Random/Stochastic Process

9.4. Optimization Theory