All Projects → sjchoi86 → Tensorflow 101

sjchoi86 / Tensorflow 101

Licence: mit
TensorFlow Tutorials

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to Tensorflow 101

Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (-94.5%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, recurrent-neural-networks
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-92.4%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, recurrent-neural-networks
Coursera Deep Learning Specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks; (v) Sequence Models
Stars: ✭ 188 (-92.67%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, recurrent-neural-networks
Deeppicar
Deep Learning Autonomous Car based on Raspberry Pi, SunFounder PiCar-V Kit, TensorFlow, and Google's EdgeTPU Co-Processor
Stars: ✭ 242 (-90.57%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, tensorflow-tutorials
Tensorflow Tutorial
TensorFlow and Deep Learning Tutorials
Stars: ✭ 748 (-70.84%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks, tensorflow-tutorials
Zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
Stars: ✭ 3,307 (+28.93%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, recurrent-neural-networks
Awesome Tensorlayer
A curated list of dedicated resources and applications
Stars: ✭ 248 (-90.33%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks, tensorflow-tutorials
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-96.22%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, recurrent-neural-networks
Tfvos
Semi-Supervised Video Object Segmentation (VOS) with Tensorflow. Includes implementation of *MaskRNN: Instance Level Video Object Segmentation (NIPS 2017)* as part of the NIPS Paper Implementation Challenge.
Stars: ✭ 151 (-94.11%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, recurrent-neural-networks
Pytorch Vae
A CNN Variational Autoencoder (CNN-VAE) implemented in PyTorch
Stars: ✭ 181 (-92.94%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Gans From Theory To Production
Material for the tutorial: "Deep Diving into GANs: from theory to production"
Stars: ✭ 182 (-92.9%)
Mutual labels:  jupyter-notebook, tensorflow-tutorials
Hdltex
HDLTex: Hierarchical Deep Learning for Text Classification
Stars: ✭ 191 (-92.55%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Yolov3 Tf2
YoloV3 Implemented in Tensorflow 2.0
Stars: ✭ 2,327 (-9.28%)
Mutual labels:  jupyter-notebook, tensorflow-tutorials
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (-93.06%)
Mutual labels:  jupyter-notebook, recurrent-neural-networks
2048 Deep Reinforcement Learning
Trained A Convolutional Neural Network To Play 2048 using Deep-Reinforcement Learning
Stars: ✭ 169 (-93.41%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Traffic Sign Detection
Traffic Sign Detection. Code for the paper entitled "Evaluation of deep neural networks for traffic sign detection systems".
Stars: ✭ 200 (-92.2%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Capsnet Traffic Sign Classifier
A Tensorflow implementation of CapsNet(Capsules Net) apply on german traffic sign dataset
Stars: ✭ 166 (-93.53%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Keras English Resume Parser And Analyzer
keras project that parses and analyze english resumes
Stars: ✭ 192 (-92.51%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Image To 3d Bbox
Build a CNN network to predict 3D bounding box of car from 2D image.
Stars: ✭ 200 (-92.2%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Style transfer
CNN image style transfer 🎨.
Stars: ✭ 210 (-91.81%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks

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

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].