• Stars
    star
    2,592
  • Rank 16,971 (Top 0.4 %)
  • Language
    Jupyter Notebook
  • License
    MIT License
  • Created almost 8 years ago
  • Updated about 4 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

TensorFlow Tutorials

Tensorflow Tutorials using Jupyter Notebook

TensorFlow tutorials written in Python (of course) with Jupyter Notebook. Tried to explain as kindly as possible, as these tutorials are intended for TensorFlow beginners. Hope these tutorials to be a useful recipe book for your deep learning projects. Enjoy coding! :)

Contents

  1. Basics of TensorFlow / MNIST / Numpy / Image Processing / Generating Custom Dataset
  2. Machine Learing Basics with TensorFlow: Linear Regression / Logistic Regression with MNIST / Logistic Regression with Custom Dataset
  3. Multi-Layer Perceptron (MLP): Simple MNIST / Deeper MNIST / Xavier Init MNIST / Custom Dataset
  4. Convolutional Neural Network (CNN): Simple MNIST / Deeper MNIST / Simple Custom Dataset / Basic Custom Dataset
  5. Using Pre-trained Model (VGG): Simple Usage / CNN Fine-tuning on Custom Dataset
  6. Recurrent Neural Network (RNN): Simple MNIST / Char-RNN Train / Char-RNN Sample / Hangul-RNN Train / Hangul-RNN Sample
  7. Word Embedding (Word2Vec): Simple Version / Complex Version
  8. Auto-Encoder Model: Simple Auto-Encoder / Denoising Auto-Encoder / Convolutional Auto-Encoder (deconvolution)
  9. Class Activation Map (CAM): Global Average Pooling on MNIST
  10. TensorBoard Usage: Linear Regression / MLP / CNN
  11. Semantic segmentation
  12. Super resolution (in progress)
  13. Web crawler
  14. Gaussian process regression
  15. Neural Style
  16. Face detection with OpenCV

Requirements

  • TensorFlow
  • Numpy
  • SciPy
  • Pillow
  • BeautifulSoup
  • Pretrained VGG: inside 'data/' folder

Note

Most of the codes are simple refactorings of Aymeric Damien's Tutorial or Nathan Lintz's Tutorial. There could be missing credits. Please let me know.

Collected and Modifyed by Sungjoon

info

More Repositories

1

dl_tutorials

Deep learning tutorials (2nd ed.)
1,517
star
2

bayes-nn

Lecture notes on Bayesian deep learning
469
star
3

dl_tutorials_10weeks

Deep Learning Tutorials for 10 Weeks
415
star
4

advanced-tensorflow

Little More Advanced TensorFlow Implementations
Jupyter Notebook
367
star
5

Deep-Learning-101

Deep Learning Tutorials
259
star
6

2022-1-deep-learning-applications

182
star
7

choicenet

Implementation of ChoiceNet
Jupyter Notebook
128
star
8

irl_rocks

Cool Inverse Reinforcement Learning Papers
119
star
9

dl_tutorials_3rd

Deep learning tutorials (third edition)
97
star
10

rl_tutorial

Yet Another Reinforcement Learning Tutorial
Jupyter Notebook
71
star
11

upstage-basic-deeplearning

PyTorch Tutorial for Boostcamp AI Tech
Jupyter Notebook
43
star
12

yet-another-gpt-tutorial

Jupyter Notebook
36
star
13

RecurrentFlowNet

Recurrent Flow Network for Occupancy Flow
C
28
star
14

density_network

Density Network Implementations using TensorFlow
Jupyter Notebook
26
star
15

deep-uncertainty

Modeling uncertainty information in deep learning
Jupyter Notebook
22
star
16

TrackDrive

Track driving simulator in MATLAB.
MATLAB
22
star
17

2022-1-intelligent-robotics

MATLAB
22
star
18

gaussian-process

A gentle introduction to Gaussian processes
Jupyter Notebook
20
star
19

face_recognition

Face Recognition with Custom Dataset
Jupyter Notebook
19
star
20

yart-minimal

Tutorial of YART (Yet Another Robotics Tutorial)
MATLAB
17
star
21

dl-workshop

Deep learning workshop @ SNU
16
star
22

yet-another-mujoco-tutorial

Yet Another MuJoCo Tutorial
Jupyter Notebook
15
star
23

simple-mujoco-usage-v2

Jupyter Notebook
15
star
24

tf_practice

TensorFlow 1.x Practice
Jupyter Notebook
15
star
25

img_dataset

Image Classification Dataset
15
star
26

bbopt

Black Box Optimization Methods
Jupyter Notebook
13
star
27

yet-another-pytorch-tutorial

Yet Another PyTorch Tutorial
Jupyter Notebook
11
star
28

deep-autoencoders

Implementations of autoencoders (VAE, AAE, and others)
Jupyter Notebook
11
star
29

intro-to-linear-algebra

Jupyter Notebook
11
star
30

GP

Jupyter Notebook
8
star
31

tf_bbb

Tensorflow Implementation of Bayes by Backprop
Jupyter Notebook
8
star
32

yart

Yet Another Robotics Toolbox
MATLAB
7
star
33

pyconkr17

How Far Can You Trust Your Deep Neural Networks (Feat. TensorFlow)
6
star
34

little-complex-mujoco-usage

A little more complex MuJoCo usage
Jupyter Notebook
6
star
35

media-pipe-usage

How to use Google MediaPipe
Jupyter Notebook
5
star
36

deep-robust-nlp

Simple implementation of sentiment analysis
Jupyter Notebook
5
star
37

Mobile-robot-simulator

Mobile robot simulator in MATLAB
HTML
5
star
38

rlwray

Reinforcement Learning with RAY
Jupyter Notebook
4
star
39

simple-mujoco-usage

MuJoCo
Jupyter Notebook
4
star
40

linear_algebra

Linear Algebra
Jupyter Notebook
4
star
41

dlvm

Deep Latent Variable Methods
Jupyter Notebook
3
star
42

gentle-dpp

A gentle introduction to determinantal point processes
Jupyter Notebook
3
star
43

deep-robust-regression

Deep Robust Regression Methods
Jupyter Notebook
3
star
44

deeplearning-at-Gacheon

Deep Learning Tutorial at Gacheon University
3
star
45

yet-another-diffusion-models

Jupyter Notebook
3
star
46

rospy_examples

ROS examples
Jupyter Notebook
2
star
47

matlab-urdf-parser

Matlab implementation parsing URDF
MATLAB
2
star
48

yet-another-mujoco-tutorial-v3

Jupyter Notebook
2
star
49

child_bm

Behavior Modeling of Children
Jupyter Notebook
1
star
50

yet-another-gpt-tutorial-v2

1
star
51

mhformer-for-rmr

Human pose estimation with MHFormer for Robust Motion Retargeting
Python
1
star
52

sjchoi86.github.io

HTML
1
star
53

kalman-filter

Jupyter Notebook
1
star
54

simple-fsm

Simple Finite State Machine
1
star
55

deep-robust-vision

Deep robust vision methods
Jupyter Notebook
1
star
56

gaussian-random-path

Jupyter Notebook
1
star
57

eclipse_img_processing

Jupyter Notebook
1
star
58

ai_curation

Jupyter Notebook
1
star
59

gqvae

Gumbel Quantized VAE
Jupyter Notebook
1
star