0% found this document useful (0 votes)
199 views13 pages

AI Expert Roadmap

The document outlines a roadmap for becoming an AI expert in 2022. It provides charts showing the paths one can take and technologies to adopt, including fundamentals like linear algebra, databases, programming in Python, and data sources. It also details paths in data science, machine learning, deep learning, and big data engineering. The roadmap is intended to guide learning and help understand what skills are needed for different roles within AI.

Uploaded by

ANIK CHAKRABORTY
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
199 views13 pages

AI Expert Roadmap

The document outlines a roadmap for becoming an AI expert in 2022. It provides charts showing the paths one can take and technologies to adopt, including fundamentals like linear algebra, databases, programming in Python, and data sources. It also details paths in data science, machine learning, deep learning, and big data engineering. The roadmap is intended to guide learning and help understand what skills are needed for different roles within AI.

Uploaded by

ANIK CHAKRABORTY
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 13

3/27/23, 7:21 PM AI Expert Roadmap

i.am.ai
AI Expert Roadmap
Roadmap to becoming an Artificial Intelligence Expert in 2022

tweet post Roadmap 2022 Author AMAI GmbH License MIT

Below you find a set of charts demonstrating the paths that you can take and the
technologies that you would want to adopt in order to become a data scientist, machine
learning or an AI expert. We made these charts for our new employees to make them AI
Experts but we wanted to share them here to help the community.

If you are interested to become an AI EXPERT at AMAI in Germany, or you want to hire an
AI Expert , please say [email protected].

Note
👉 An interactive version with links to follow about each bullet of the list can be found at
i.am.ai/roadmap 👈

To receive updates star ⭐️ and watch 👀 the GitHub Repo to get notified, when we
add new content to stay on the top of the most recent research.

Follow our AI Newsletter to stay up to date with the latest developments in AI. We cover
new use cases and research topics.

Disclaimer

https://i.am.ai/roadmap/#disclaimer 1/13
3/27/23, 7:21 PM AI Expert Roadmap

The purpose of these roadmaps is to give you an idea about the landscape and to guide you
if you are confused about what to learn next and not to encourage you to pick what is hip
and trendy. You should grow some understanding of why one tool would be better suited
for some cases than the other and remember hip and trendy never means best suited for
the job.

Introduction

AI Expert in 2022
Required for any path Legend

Papers With Code Personal Recommendation!

Fundamentals
GIT - Version Control Available Options

Semantic Versioning
Choose your path
Keep a Changelog

Data Scientist Data Engineer

Machine Learning Big Data Engineer

Deep Learning

Fundamentals

https://i.am.ai/roadmap/#disclaimer 2/13
3/27/23, 7:21 PM AI Expert Roadmap

Fundamentals

Basics
Matrices & Linear Algebra
Fundamentals
Relational vs. non-relational databases
Some boxes link to additional resources
Database Basics SQL + Joins (Inner, Outer, Cross, Theta Join)
Interactive version on
NoSQL
i.am.ai/roadmap
Tabular Data

Data Frames & Series

Extract, Transform, Load (ETL)

Reporting vs BI vs Analytics
JSON

XML Data Formats

CSV
Regular Expressions (RegEx)

Expressions
Python   Programming
Variables
Python Basics
Data Structures
Numpy
Functions
Important libraries
Pandas

Install packages (via pip, conda or similar) Virtual Environments

Codestyle, e.g. PEP8


Jupyter Notebooks / Lab

Data Sources

Data Mining

Web Scraping

Awesome Public Datasets

Kaggle

Exploratory Data Analysis /


https://i.am.ai/roadmap/#disclaimer 3/13
3/27/23, 7:21 PM AI Expert Roadmap
Exploratory Data Analysis /
Data Munging / - Wrangling
Principal Component Analysis
(PCA)

Data Science Roadmap


Dimensionality & Numerosity
Reduction

Normalization

Data Scrubbing,
Handling Missing Values

Unbiased Estimators

Binning sparse values

Feature Extraction

Denoising

Sampling

Data Scientist Data Engineer

https://i.am.ai/roadmap/#disclaimer 4/13
3/27/23, 7:21 PM AI Expert Roadmap

Normal / Gaussian

Uniform (continuous)

Beta
Data Scientist Dirichlet

Exponential

χ2 (chi-squared)

Uniform (discrete)

Binomial
Randomness, random variable and
random sample
Statistics Multinomial

Probability distribution Probability Theory Hypergeometric

Conditional probability and Poisson


Bayes' theorem
Continuous distributions (pdf's) Geometric
(Statistical) independence

iid Discrete distributions (pmf's) Expectation and mean

cdf, pdf, pmf


Varianceand standard deviation (sd)

Cumulative distribution function (cdf)


Summary statistics Covariance and correlation

Probability density function (pdf) Median, quartile


Probability mass function (pmf)
Important Laws Interquartile range

Percentile / quantile

Estimation Mode
Law of large numbers (LLN)

Central limit theorem (CLT)


Hypothesis Testing p-Value

Chi2 test

Maximum Likelihood Estimation (MLE) Confidence Interval (CI) F-test

t-test
Kernel Density Estimation (KDE)
Monte Carlo Method

Matplotlib
Visualization
plotnine (like ggplot in R)
Chart Suggestions thought
starter Bokeh

seaborn
Python
ipyvolume (3D data)

streamlit Web
Vega-Lite

Dashboards D3.js

BI Dash

Tableau

PowerBI

https://i.am.ai/roadmap/#disclaimer 5/13
3/27/23, 7:21 PM AI Expert Roadmap

Machine Learning

Machine Learning Roadmap

https://i.am.ai/roadmap/#disclaimer 6/13
3/27/23, 7:21 PM AI Expert Roadmap

Machine Learning

General
Categorical Variables

Concepts, Inputs & Attributes Ordinal Variables

Numerical Variables
Cost functions and
gradient descent

Overfitting / Underfitting

Training, validation
and test data

Precision vs Recall Clustering

Hierarchical Clustering

Bias & Variance K-Means Clustering

DBSCAN
HDBSCAN
Lift Fuzzy C-Means

Mean Shift

Agglomerative
Regression Methods OPTICS

Linear Regression
Supervised Learning Association Rule Learning
Poisson Regression
Apriori Algorithm
Classification ECLAT algorithm
Unsupervised Learning
Classification Rate FP Trees
Decision Trees

Logistic Regression Ensemble Learning Dimensionality Reduction

Naïve Bayes Classifiers Principal Component Analysis (PCA)


K-Nearest Neighbour Random Projection
Reinforcement Learning
SVM NMF
Gaussian Mixture Models T-SNE
UMAP
Q-Learning

Boosting
Use Cases
Bagging
Sentiment Analysis
Stacking

Collaborative Filtering

Tagging

Prediction

https://i.am.ai/roadmap/#disclaimer 7/13
3/27/23, 7:21 PM AI Expert Roadmap

Tools
scikit-learn

Deep Learning Roadmap


Important libraries
spacy (NLP)

Deep Learning

https://i.am.ai/roadmap/#disclaimer 8/13
3/27/23, 7:21 PM AI Expert Roadmap

Deep Learning

Papers
Deep Learning Papers
Reading Roadmap

Papers with code

Papers with code - state of the


art

Neural Networks
Understanding
Neural Networks

Loss Functions

Activation Functions

Weight Initialization

Vanishing / Exploding
Gradient Problem

Architectures

Feedforward neural network

Autoencoder

Convolutional Neural Network Pooling


(CNN)

LSTM
Recurrent Neural Network
(RNN)
GRU

Transformer Encoder

Decoder
Siamese Network
Attention

Generative Adversarial
Network (GAN)

https://i.am.ai/roadmap/#disclaimer 9/13
3/27/23, 7:21 PM AI Expert Roadmap

Evolving Architectures / NEAT

Residual Connections
Data Engineer Roadmap
Training
SGD
Optimizers
Momentum
Adam
AdaGrad Learning Rate Schedule
AdaDelta
Nadam
Batch Normalization
RMSProp

Batch Size Effects


Early Stopping
Dropout
Parameter Penalties Regularization
Data Augmentation
Adversarial Training
Multitask Learning

Transfer Learning

Curriculum Learning

Tools
Awesome Deep Learning
Important Libraries
Huggingface Transformers

Tensorflow

PyTorch

Tensorboard

MLFlow

Model optimization
(advanced)

Distillation

Quantization

https://i.am.ai/roadmap/#disclaimer 10/13
3/27/23, 7:21 PM AI Expert Roadmap

Neural Architecture
Search (NAS)

keep exploring and


Data Engineer
stay up-to-date

Summary of Data Formats

Data Discovery

Data Source & Acquisition

Data Integration

Data Fusion

Transformation & Enrichment

Data Survey

OpenRefine

How much Data

Using ETL

Data Lake vs Data Warehouse

Dockerize your Python


Application

keep exploring and


stay up-to-date

Big Data Engineer Roadmap

https://i.am.ai/roadmap/#disclaimer 11/13
3/27/23, 7:21 PM AI Expert Roadmap

Big Data Engineer

Big Data Architectures


Architectural Patterns & Best
Practices (video)

Principles
Horizontal vs vertical scaling

Map Reduce

Data Replication

Name & Data Nodes

Job & Task Tracker

Tools
Check the Awesome Big Data
List HDFS

Hadoop (large data) Loading data with Sqoop and Pig

Storm: Hadoop Realtime


Spark (in memory)

RAPIDS (on GPU)

Flume, Scribe: For Unstruct


Data
to get data (e.g. logging),
search, analyze
Data Warehouse with Hive
   and visualize it in realtime

Elastic (EKL) Stack

Avro

Flink

Dask

Numba

Onnx

https://i.am.ai/roadmap/#disclaimer 12/13
3/27/23, 7:21 PM AI Expert Roadmap
OpenVino

MLFlow

🚦 Wrap Up Cassandra
Kafka & KSQL

Databases
If you think any of the roadmaps can be improved, please do open a ZooKeeper
MongoDB, Neo4j
PR with any updates
Scalability
and submit
AWSany issues. Also, we will continue
SageMaker to improve this, so you Kubernetes
might want to
watch/starGoogle
this ML
repository
Engine
to revisit. Cloud Services

Microsoft Azure
Machine Learning Studio Awesome Production ML

🙌 Contribution
Have a look at the contribution docs for how to update any of the roadmaps
keep exploring and
Open pull request with improvements stay up-to-date
Discuss ideas in issues
Spread the word
Reach out with any feedback

Supported By

https://i.am.ai/roadmap/#disclaimer 13/13

You might also like