All Projects → zht007 → tensorflow-practice

zht007 / tensorflow-practice

Licence: MIT License
Tutorials of Tensorflow for beginners with popular data sets and projects. Let's have fun to learn Machine Learning with Tensorflow.

Programming Languages

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

Projects that are alternatives of or similar to tensorflow-practice

Nakedtensor
Bare bone examples of machine learning in TensorFlow
Stars: ✭ 2,443 (+2526.88%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
Tensorflow-Wide-Deep-Local-Prediction
This project demonstrates how to run and save predictions locally using exported tensorflow estimator model
Stars: ✭ 28 (-69.89%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
Ml Classifier Ui
A UI tool for quickly training image classifiers in the browser
Stars: ✭ 224 (+140.86%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
Tensorflow In Practice Code
源码实现:《TensorFlow实战》黄文坚,唐源 著
Stars: ✭ 176 (+89.25%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
Dog-or-Cat-TensorflowSharp-Example
An example for TensorflowSharp - classify an image as a dog or cat.
Stars: ✭ 15 (-83.87%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
Yolov3 Tf2
YoloV3 Implemented in Tensorflow 2.0
Stars: ✭ 2,327 (+2402.15%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
tf-examples
TensorFlow examples
Stars: ✭ 23 (-75.27%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
Free Tensorflow
Tensorflow 免费中文视频教程,开源代码,免费书籍.
Stars: ✭ 83 (-10.75%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
content-moderation-image-api
An NSFW Image Classification REST API for effortless Content Moderation built with Node.js, Tensorflow, and Parse Server
Stars: ✭ 50 (-46.24%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
generative-art
🌈🎨 Generative Art is the idea realized as genetic code of artificial events, as construction of dynamic complex systems able to generate endless variations. This is also a nuxt-module (@luxdamore/nuxt-canvas-sketch) - [three.js, tensorflow.js and gsap are not included].
Stars: ✭ 41 (-55.91%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
Chatgirl
ChatGirl is an AI ChatBot based on TensorFlow Seq2Seq Model. ChatGirl 一个基于 TensorFlow Seq2Seq 模型的聊天机器人。(包含预处理过的 twitter 英文数据集,训练,运行,工具代码,来波 Star 。)QQ群:167122861
Stars: ✭ 105 (+12.9%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
TF2-GAN
🐳 GAN implemented as Tensorflow 2.X
Stars: ✭ 61 (-34.41%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
Androidtensorflowmachinelearningexample
Android TensorFlow MachineLearning Example (Building TensorFlow for Android)
Stars: ✭ 1,369 (+1372.04%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
Cs224d
Code for Stanford CS224D: deep learning for natural language understanding
Stars: ✭ 222 (+138.71%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
Ml Classifier
A tool for quickly training image classifiers in the browser
Stars: ✭ 97 (+4.3%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
deep-learning-in-s4tf
Get started with Swift for TensorFlow by examples
Stars: ✭ 31 (-66.67%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
Math object detection
An image recognition/object detection model that detects handwritten digits and simple math operators. The output of the predicted objects (numbers & math operators) is then evaluated and solved.
Stars: ✭ 52 (-44.09%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
Tensorflow Brasil
Códigos e materiais sobre TensorFlow em Português
Stars: ✭ 74 (-20.43%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
tensorflow-fifo-queue-example
Example on how to use a Tensorflow Queue to feed data to your models.
Stars: ✭ 39 (-58.06%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples
go-mnist-client
TensorFlow serving mnist example client in Go.
Stars: ✭ 16 (-82.8%)
Mutual labels:  tensorflow-tutorials, tensorflow-examples

Overview

This repository provides data source, Jupyter notebooks for machine learning projects. Each folder corresponds to one project or data sets. General notes about machine learning and TensorFlow are collected in the folder "0_Notes_for_Tensorflow". You can click Open In Colabto open the notebook in Colab and exclude the code there directly.

Quick links of the projects are (with constant updates):

1_Linear_Regression

2_Classification_Pima_Indians_Diabetes

3_Classification_Census_Data

4_Clasification_DigitRecognizer

5_Prediction_MilkProdction

6_Renforcement_Learning_Gridword

7_Renforcement_Learning_blackjack

8_Renforcement_Learning_Clif_Env

9_Renforcement_Learning_CartPole

10_Renforcement_Learning_Moutain_Car

11_Transfer_Learing

12_Classification_CIFAR

13_Classification_Reuters

14_Classification_fasion_MINST

All codes are written in Python 3 on Jupyter Notebooks, with detailed notes and comments in English. Tensorflow tutorials for Chinease readers are provided.

If you like this repository please follow me on my Steemit or Jianshu.


For Chinese Readers:

本项目旨在通过项目实战的方式向读者介绍如何使用Tensorfow进行机器学习,每一个目录对应着一个项目或者一个训练数据集。一般性的学习笔记放在了"0_Notes_for_Tensorflow".目录。

所有的代码都是在Jupyter Notebook上用Python 3写成,详细的英文笔记和注释也都附在了Jupyter Notebook中。对于代码的解释以及Tensorflow的入门,我写成了中文教程。如果喜欢我的教程,欢迎关注我的 Steemit 或者 简书

也欢迎关注我的微信公众号tensorflow机器学习,共同学习,一起进步。


Table of Contents

0_Notes_for_Tensorflow

AI学习笔记——Tensorflow入门

AI学习笔记——机器学习中易混淆术语解析

AI学习笔记——神经网络和深度学习

AI学习笔记——精准识别You Only Look Once(YOLO)

Tensorflow入门——处理overfitting的问题

免费使用Google的GPU和TPU来训练你的模型

深入理解Numpy和Tensorflow中的Axis操作

Tensorflow2.0——与Keras 的深度融合

Tensorflow_2_0_Tutorial_data_loading.ipynbOpen In Colab

Tensorflow2.0-数据加载和预处理.md


1_Linear_Regression

1-LinearRegression.ipynb Open In Colab

Tensorflow入门——线性回归

2-RegressionBatchKeras.ipynbOpen In Colab

Tensorflow入门——Keras简介和上手

3-Regression_TF_eager_api.ipynbOpen In Colab

Tensorflow入门——Eager模式像原生python一样训练模型.md

4_Regression_TF_2_0.ipynbOpen In Colab

Tensorflow 2.0 快速入门 —— 自动求导与线性回归

2_Classification_Pima_Indians_Diabetes

1-KerasClassification.ipynbOpen In Colab

Tensorflow入门——Keras处理分类问题

2-TensorflowClassification.ipynbOpen In Colab

Tensorflow入门——Tensorflow处理分类问题

3-KerasClassification-with-Regularization-dropoutOpen In Colab

3_Classification_Census_Data

1-Classification-keras-census.ipynbOpen In Colab

4_Clasification_DigitRecognizer

1_DL_One_Layer_NN_for_DigitRecognizer.ipynbOpen In Colab

Tensorflow入门——单层神经网络MNIST手写数子识别

2_DL_Multi_Layer_NN_for_DigitRecognizer.ipynbOpen In Colab

Tensorflow入门——多层神经网络MNIST手写数子识别

3_DL_Multi_Layer_CNN_for_DigitRecognizer.ipnbOpen In Colab

Tensorflow入门——卷积神经网络MNIST手写数子识别

4_DL_Multi_Layer_CNN_for_DigitRecognizer_with_tensorboard.ipynbOpen In Colab

两步轻松实现在Keras中使用Tensorboard.

5_DL_Multi_Layer_CNN_for_DigitRecognizer_with_various_parametersOpen In Colab

利用Tensorboard辅助模型调参

6_DL_Multi_Layer_CNN_for_DigitRecognizer_TF_2.0Open In Colab

Tensorflow_2.0_快速入门——引入Keras自定义模型

7_DL_Multi_Layer_CNN_for_DigitRecognizer_TF2_0_with_Tensorboard.ipynbOpen In Colab

Tensorflow2.0——可视化工具Tensorboard

5_Prediction_MilkProdction

1_RNN_Many_to_One_Keras.ipynbOpen In Colab

Tensorflow入门——RNN预测牛奶产量

2_RNN_Many_to_Many_Keras.ipynbOpen In Colab

3_RNN_Many_to_Many_Stateful_Keras.ipynbOpen In Colab

Tensorflow入门——改进RNN预测牛奶产量

4_RNN_Many_to_One_TF2_0.ipynb Open In Colab

Tensorflow 2.0 快速入门 —— RNN 预测牛奶产量

6_Renforcement_Learning_Gridword

1_Policy_Evaluation.ipynbOpen In Colab

2_Policy_Iteration.ipynbOpen In Colab

3_Value_Iteration.ipynbOpen In Colab

强化学习实战——动态规划(DP)求最优MDP

7_Renforcement_Learning_blackjack

1_MC_Prediction .ipynbOpen In Colab

2_MC_Control_with Epsilon_Greedy Policies.ipynbOpen In Colab

3_Off_Policy_MC Control_with_Weighted Importance_Sampling.ipynbOpen In Colab

强化学习——MC(蒙特卡洛)玩21点扑克游戏

8_Renforcement_Learning_Clif_Env

1_SARSA_Q-Learning_compare_Clif_Env.ipynbOpen In Colab

强化学习实战——Q-Learing和SASAR悬崖探宝

9_Renforcement_Learning_CartPole

1_dqn_keras_rl_cartpole.ipynbOpen In Colab

DQN深度Q-Learning轻松上手

2_q_learning_python_carpole.ipynbOpen In Colab

3_SARSA_python_carpole.ipynbOpen In Colab

4_SARSA_lambda_python_carpole.ipynbOpen In Colab

强化学习_Q-Learning_SARSA玩Carpole经典游戏

5_DQN_keras_cartpole.ipynbOpen In Colab

6_double_dqn_kearas_cartpole.ipynbOpen In Colab

用Keras搭建Double DQN模型

7_policy_gradient_cartpole_tensorflow.ipynbOpen In Colab

深度强化学习_Policy_Gradient_玩转_CartPole 游戏

8_policy_gradient_TF2_cartpole.ipynbOpen In Colab

Tensorflow2.0_深度强化学习——Policy_Gradient

10_Renforcement_Learning_Moutain_Car

1_q_learning_python_mountain_car.ipynbOpen In Colab

强化学习_Q-Learning玩MountainCar爬坡上山

2_SARSA_python_mountain_car.ipynbOpen In Colab

3_SARSA_lambda_python_mountain_car.ipynbOpen In Colab

强化学习_SARSA和SARSA lambda玩 MountainCa 爬坡上山

4_q_learning_python_mountain_car_continuos.Open In Colab

Q-Learning--可操控动作大小的小车爬山游戏

5_DQN_keras_mountain_car.ipynbOpen In Colab

11_Transfer_Learing

1_flowers_with_transfer_learning.ipynbOpen In Colab

Tensorflow 2.0 轻松实现迁移学习

12_Classification_CIFAR

1_ResNet_for_CIFAR100_TF2_0Open In Colab

Tensorflow_2_0__ResNet实战CIFAR100数据集

13_Classification_Reuters

1_RNN_LSTM_GRU_for_Reuters_TF2_0.ipynbOpen In Colab

2_RNN_LSTM_GRU_cell_for_Reuters_TF2_0.ipynbOpen In Colab

Tensorflow2_0---RNN实战路透社新闻分类

14_Classification_fasion_MINST

1_tflite_convert_model_to_tflite.ipynbOpen In Colab

Tensorflow Lite 入门——模型的训练和转换

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