All Projects → lugq1990 → machine-learning-notebook-series

lugq1990 / machine-learning-notebook-series

Licence: other
Jupyter notebook series for machine learning and deep learning.

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to machine-learning-notebook-series

stock-prediction-with-DL
深度学习与股票分析预测
Stars: ✭ 13 (-7.14%)
Mutual labels:  deeplearning
blockchain-predictor
Deep leraning cryptocurrency prediction with blockchain-based dataset
Stars: ✭ 34 (+142.86%)
Mutual labels:  deeplearning
continuous Bernoulli
There are C language computer programs about the simulator, transformation, and test statistic of continuous Bernoulli distribution. More than that, the book contains continuous Binomial distribution and continuous Trinomial distribution.
Stars: ✭ 22 (+57.14%)
Mutual labels:  deeplearning
multi-task-defocus-deblurring-dual-pixel-nimat
Reference github repository for the paper "Improving Single-Image Defocus Deblurring: How Dual-Pixel Images Help Through Multi-Task Learning". We propose a single-image deblurring network that incorporates the two sub-aperture views into a multitask framework. Specifically, we show that jointly learning to predict the two DP views from a single …
Stars: ✭ 29 (+107.14%)
Mutual labels:  deeplearning
kuzushiji-recognition
Kuzushiji Recognition Kaggle 2019. Build a DL model to transcribe ancient Kuzushiji into contemporary Japanese characters. Opening the door to a thousand years of Japanese culture.
Stars: ✭ 16 (+14.29%)
Mutual labels:  deeplearning
godpaper
🐵 An AI chess-board-game framework(by many programming languages) implementations.
Stars: ✭ 40 (+185.71%)
Mutual labels:  deeplearning
FastPose
pytorch realtime multi person keypoint estimation
Stars: ✭ 36 (+157.14%)
Mutual labels:  deeplearning
DeepPixel
An open-source Python package for making computer vision and image processing simpler
Stars: ✭ 21 (+50%)
Mutual labels:  deeplearning
datascience-mashup
In this repo I will try to gather all of the projects related to data science with clean datasets and high accuracy models to solve real world problems.
Stars: ✭ 36 (+157.14%)
Mutual labels:  deeplearning
flops-cnn
Calculate Flops for CNN
Stars: ✭ 37 (+164.29%)
Mutual labels:  deeplearning
tutorials
Introduction to Deep Learning: Chainer Tutorials
Stars: ✭ 68 (+385.71%)
Mutual labels:  deeplearning
numpy-neuralnet-exercise
Implementation of key concepts of neuralnetwork via numpy
Stars: ✭ 49 (+250%)
Mutual labels:  deeplearning
type4py
Type4Py: Deep Similarity Learning-Based Type Inference for Python
Stars: ✭ 41 (+192.86%)
Mutual labels:  deeplearning
KerasR
DeepLearning using Keras with R
Stars: ✭ 26 (+85.71%)
Mutual labels:  deeplearning
Groundbreaking-Papers
ML Research paper summaries, annotated papers and implementation walkthroughs
Stars: ✭ 90 (+542.86%)
Mutual labels:  deeplearning
query completion
Personalized Query Completion
Stars: ✭ 24 (+71.43%)
Mutual labels:  deeplearning
Implicit-Internal-Video-Inpainting
[ICCV 2021]: IIVI: Internal Video Inpainting by Implicit Long-range Propagation
Stars: ✭ 190 (+1257.14%)
Mutual labels:  deeplearning
air writing
Online Hand Writing Recognition using BLSTM
Stars: ✭ 26 (+85.71%)
Mutual labels:  deeplearning
Deep-Reinforcement-Learning-for-Boardgames
Master Thesis project that provides a training framework for two player games. TicTacToe and Othello have already been implemented.
Stars: ✭ 17 (+21.43%)
Mutual labels:  deeplearning
autodeepnet
Automated deep learning!
Stars: ✭ 24 (+71.43%)
Mutual labels:  deeplearning

machine-learning-notebook-series

This tutorial is machine learning and deep learning domain, this contains whole steps from Feature Engineering, Model Building, Model Selection, Model Evalution for machine learnig that should be used with step by step comments in these notebooks. If you need to learn math basic for machine learing, you could also take a look at Linear Algebra, if you want to plot some graphs during your training step, you could also glimpse Matplotlib and Seaborn tutorials, if you need to learn something about popular frameworks like TensorFlow and PyTorch in deep learning, you could also get these tutorials bellow. There are also some data structures with pure python implement, you could also take a reference!

Dependencies

  • Python 3.6
    • numpy 1.17.0
    • pandas 0.25.0
    • matplotlib 2.2.4
    • seaborn 0.9.0
    • sklearn 0.21.3
    • PyTorch 1.2.0
    • TensorFlow 1.14.0
    • Keras 2.1.2

Tutorial Lists(You could just dive into the parts that interest you)

Machine Learning Tutorials

Linear Algebra:

Machine Learning Pipeline:

Machine learning algorithms

Deep Learning Tutorials

Plot Tutorials:

Data Structures:

Other Materials

Additional Materials:

Here you could get something useful for machine learning basic! I really recommend you should reference these materials for theory!

I will put more and more tutorials in this series steadily!

I'm really glad to hear your voice for these tutorials, if you learn something from this repository, I will be happier!

TODO LIST:

Algorithms:

preprocessing for image tutorials | Basic DNN tutorials | CNN tutorials | RNN\LSTM\GRU tutorials | Attension\Transformer tutorials

Modules:

NLTK tutorials | Gensim tutorials | Keras tutorials | TensorFlow tutorials | MXNet tutorials | PySpark tutorials |

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].