Skip to content

Commit 894fc9e

Browse files
committed
Clean up README with categories and new links
1 parent c522667 commit 894fc9e

File tree

1 file changed

+45
-32
lines changed

1 file changed

+45
-32
lines changed

README.md

+45-32
Original file line numberDiff line numberDiff line change
@@ -7,45 +7,58 @@
77
Please head to [www.deeplearningwizard.com](https://www.deeplearningwizard.com/) to start learning! It is mobile/tablet friendly and open-source.
88

99
## Repository Details
10-
This repository contains all the notebooks and mkdocs markdown files of the tutorials covering machine learning, deep learning, scalable database, programming, data processing and data visualization powering the website.
10+
This repository contains all the notebooks and mkdocs markdown files of the tutorials covering machine learning, deep learning, deep reinforcement learning, data engineering, general programming, and visualizations powering the website.
1111

1212
Take note this is an early work in progress, do be patient as we gradually upload our guides.
1313

1414
## Sections and Subsections
15-
- [Deep Learning and Deep Reinforcement Learning Tutorials (Libraries: Python, PyTorch, Gym, NumPy, Matplotlib and more)](https://www.deeplearningwizard.com/deep_learning/intro/)
15+
- Deep Learning and Deep Reinforcement Learning Tutorials (Libraries: Python, PyTorch, Gym, NumPy, Matplotlib and more)
16+
- [Introduction](https://www.deeplearningwizard.com/deep_learning/intro/)
1617
- [Course Progression](https://www.deeplearningwizard.com/deep_learning/course_progression/)
17-
- [Matrices](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_matrices/)
18-
- [Gradients](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_gradients/)
19-
- [Linear Regression](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_linear_regression/)
20-
- [Logistic Regression](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_logistic_regression/)
21-
- [Feedforward Neural Network (FNN)](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_feedforward_neuralnetwork/)
22-
- [Convolutional Neural Network (CNN)](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_convolutional_neuralnetwork/)
23-
- [Recurrent Neural Network (RNN)](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_recurrent_neuralnetwork/)
24-
- [Long Short-Term Memory Network (LSTM)](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_lstm_neuralnetwork/)
25-
- [Autoencoders (AE)](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_autoencoder/)
26-
- [Fully Connected Overcomplete Autoencoders](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_fc_overcomplete_ae/)
27-
- [Derivative, Gradient and Jacobian](https://www.deeplearningwizard.com/deep_learning/boosting_models_pytorch/derivative_gradient_jacobian/)
28-
- [Forward- and Backward-propagation and Gradient Descent (From Scratch FNN Regression)](https://www.deeplearningwizard.com/deep_learning/boosting_models_pytorch/forwardpropagation_backpropagation_gradientdescent/)
29-
- [From Scratch Logistic Regression Classification](https://www.deeplearningwizard.com/deep_learning/fromscratch/fromscratch_logistic_regression/)
30-
- [From Scratch CNN Classification](https://www.deeplearningwizard.com/deep_learning/fromscratch/fromscratch_cnn/)
31-
- [Learning Rate Scheduling](https://www.deeplearningwizard.com/deep_learning/boosting_models_pytorch/lr_scheduling/)
32-
- [Optimization Algorithms](https://www.deeplearningwizard.com/deep_learning/boosting_models_pytorch/optimizers/)
33-
- [Weight Initialization and Activation Functions](https://www.deeplearningwizard.com/deep_learning/boosting_models_pytorch/weight_initialization_activation_functions/)
34-
- [Supervised to Reinforcement Learning](https://www.deeplearningwizard.com/deep_learning/deep_reinforcement_learning_pytorch/supervised_to_rl/)
35-
- [Markov Decision Processes and Bellman Equations](https://www.deeplearningwizard.com/deep_learning/deep_reinforcement_learning_pytorch/bellman_mdp/)
36-
- [Dynamic Programming](https://www.deeplearningwizard.com/deep_learning/deep_reinforcement_learning_pytorch/dynamic_programming_frozenlake/)
37-
- [Speed Optimization Basics Numba](https://www.deeplearningwizard.com/deep_learning/production_pytorch/speed_optimization_basics_numba/)
38-
- [Machine Learning Tutorials (Libraries: Python, cuDF RAPIDS, cuML RAPIDS, pandas, numpy, scikit-learn and more)](https://www.deeplearningwizard.com/machine_learning/intro/)
18+
- Practical Deep Learning with PyTorch
19+
- [Matrices](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_matrices/)
20+
- [Gradients](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_gradients/)
21+
- [Linear Regression](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_linear_regression/)
22+
- [Logistic Regression](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_logistic_regression/)
23+
- [Feedforward Neural Network (FNN)](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_feedforward_neuralnetwork/)
24+
- [Convolutional Neural Network (CNN)](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_convolutional_neuralnetwork/)
25+
- [Recurrent Neural Network (RNN)](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_recurrent_neuralnetwork/)
26+
- [Long Short-Term Memory Network (LSTM)](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_lstm_neuralnetwork/)
27+
- [Autoencoders (AE)](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_autoencoder/)
28+
- [Fully Connected Overcomplete Autoencoders](https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_fc_overcomplete_ae/)
29+
- Improving Deep Learning with PyTorch
30+
- [Derivative, Gradient and Jacobian](https://www.deeplearningwizard.com/deep_learning/boosting_models_pytorch/derivative_gradient_jacobian/)
31+
- [Forward- and Backward-propagation and Gradient Descent (From Scratch FNN Regression)](https://www.deeplearningwizard.com/deep_learning/boosting_models_pytorch/forwardpropagation_backpropagation_gradientdescent/)
32+
- [Learning Rate Scheduling](https://www.deeplearningwizard.com/deep_learning/boosting_models_pytorch/lr_scheduling/)
33+
- [Optimization Algorithms](https://www.deeplearningwizard.com/deep_learning/boosting_models_pytorch/optimizers/)
34+
- [Weight Initialization and Activation Functions](https://www.deeplearningwizard.com/deep_learning/boosting_models_pytorch/weight_initialization_activation_functions/)
35+
- Deep Reinforcement Learning with PyTorch
36+
- [Supervised to Reinforcement Learning](https://www.deeplearningwizard.com/deep_learning/deep_reinforcement_learning_pytorch/supervised_to_rl/)
37+
- [Markov Decision Processes and Bellman Equations](https://www.deeplearningwizard.com/deep_learning/deep_reinforcement_learning_pytorch/bellman_mdp/)
38+
- [Dynamic Programming](https://www.deeplearningwizard.com/deep_learning/deep_reinforcement_learning_pytorch/dynamic_programming_frozenlake/)
39+
- From Scratch Deep Learning with PyTorch/Python
40+
- [From Scratch Logistic Regression Classification](https://www.deeplearningwizard.com/deep_learning/fromscratch/fromscratch_logistic_regression/)
41+
- Compute Optimization
42+
- [Speed Optimization Basics Numba](https://www.deeplearningwizard.com/deep_learning/production_pytorch/speed_optimization_basics_numba/)
43+
44+
- Machine Learning Tutorials (Libraries: Python, cuDF RAPIDS, cuML RAPIDS, pandas, numpy, scikit-learn and more)
45+
- RAPIDS cuDF
46+
- [Intro](https://www.deeplearningwizard.com/machine_learning/intro/)
3947
- [GPU DataFrames](https://www.deeplearningwizard.com/machine_learning/gpu/rapids_cudf/)
4048
- [CPU/GPU Fractional Differencing](https://www.deeplearningwizard.com/machine_learning/gpu/gpu_fractional_differencing/)
41-
- [Programming Tutorials (Libraries: C++, Python, Bash and more)](https://www.deeplearningwizard.com/programming/intro/)
42-
- [C++](https://www.deeplearningwizard.com/programming/cpp/cpp/)
43-
- [Bash](https://www.deeplearningwizard.com/programming/bash/bash/)
44-
- [Python](https://www.deeplearningwizard.com/programming/python/python/)
45-
- [Javascript](https://www.deeplearningwizard.com/programming/javascript/javascript/)
46-
- [Electron](https://www.deeplearningwizard.com/programming/electron/electron/)
47-
- [Scalable Database Tutorials (Libraries: Apache Cassandra, Bash, Python and more)](https://www.deeplearningwizard.com/database/intro/)
48-
- [Apache Cassandra Cluster Setup](https://www.deeplearningwizard.com/database/setting_up_cluster/)
49+
50+
- Programming Tutorials (Libraries: C++, Python, Bash and more)
51+
- [Intro](https://www.deeplearningwizard.com/programming/intro/)
52+
- [C++](https://www.deeplearningwizard.com/programming/cpp/cpp/)
53+
- [Bash](https://www.deeplearningwizard.com/programming/bash/bash/)
54+
- [Python](https://www.deeplearningwizard.com/programming/python/python/)
55+
- [Javascript](https://www.deeplearningwizard.com/programming/javascript/javascript/)
56+
- [Electron](https://www.deeplearningwizard.com/programming/electron/electron/)
57+
58+
- Data Engineering (Libraries: Bash, Databricks, Delta Live Tables, Parquet, Python, Cassandra, and more)
59+
- Cassandra (NoSQL)
60+
- [Introduction](https://www.deeplearningwizard.com/data_engineering/nosql/cassandra/intro/)
61+
- [Apache Cassandra Cluster Setup](https://www.deeplearningwizard.com/data_engineering/nosql/cassandra/setting_up_cluster/)
4962

5063
## About Deep Learning Wizard
5164
We deploy a top-down approach that enables you to grasp deep learning theories and code easily and quickly. We have open-sourced all our materials through our Deep Learning Wizard Wikipedia. For visual learners, feel free to sign up for our video course and join thousands of deep learning wizards.

0 commit comments

Comments
 (0)