TensorFlow 中文資源全集,學習路徑推薦

2021-02-16 專知

【導讀】TensorFlow 中文資源全集,學習路徑推薦:

官方網站,初步了解。

安裝教程,安裝之後跑起來。

入門教程,簡單的模型學習和運行。

實戰項目,根據自己的需求進行開發。

https://gitee.com/fendouai/Awesome-TensorFlow-Chinese

很多內容下面這個英文項目:

Inspired by https://github.com/jtoy/awesome-tensorflow

官方網站

官網:https://www.tensorflow.org/

中文:https://tensorflow.google.cn/

GitHub:https://github.com/tensorflow

安裝教程中文安裝教程

Mac安裝:http://www.cnblogs.com/tensorflownews/p/7298646.html

ubuntu 16.04 安裝 tensorflow-gpu:http://www.tensorflownews.com/2017/09/02/tensorflow-gpu-install-ubuntu-16-04/

極客學院教程:http://wiki.jikexueyuan.com/project/tensorflow-zh/get_started/os_setup.html

官方安裝教程(建議用官方教程,現在官網可以直接訪問了。)

Mac:https://tensorflow.google.cn/install/install_mac

Windows:https://tensorflow.google.cn/install/install_windows

Linux:https://tensorflow.google.cn/install/install_linux

入門教程官方入門教程

開始學習:

https://tensorflow.google.cn/get_started/

MNIST 針對初學者的字體識別:

https://tensorflow.google.cn/get_started/mnist/beginners

MNIST 針對專業的深度字體識別:

https://tensorflow.google.cn/get_started/mnist/pros

入門教程

極客學院:

http://wiki.jikexueyuan.com/project/tensorflow-zh/

大U的技術課堂:

https://zhuanlan.zhihu.com/p/22410917

TensorFlowNews:

https://zhuanlan.zhihu.com/TensorFlownews

實戰項目官方實戰項目Models built with TensorFlowMagenta: Music and Art Generation with Machine IntelligenceTensorFlow Neural Machine Translation Tutorial書籍(推薦)

Deep Learning http://www.tensorflownews.com/2017/08/29/deep-learning-an-mit-press-book

Deep Learning 中文翻譯 http://www.tensorflownews.com/2017/08/29/deep-learning-book-chinese-translation/

社區群組QQ群

522785813

微信群

微信群二維碼有效期太短了,我博客保持更新。

http://www.tensorflownews.com/

我系統的學習了兩個月之後做的幾個項目。TensorFlow 卷積神經網絡 Model Project:

FaceRank - Rank Face by CNN Model based on TensorFlow (add keras version). FaceRank-人臉打分基於 TensorFlow (新增 Keras 版本) 的 CNN 模型(可能是最有趣的 TensorFlow 中文入門實戰項目)

https://github.com/fendouai/FaceRank

TensorFlow 循環神經網絡 Model Project:

一個比特幣交易機器人基於 Tensorflow LSTM 模型,僅供娛樂。 A Bitcoin trade robot based on Tensorflow LSTM model.Just for fun.

https://github.com/TensorFlowNews/TensorFlow-Bitcoin-Robot

TensorFlow Seq2Seq Model Project:

ChatGirl is an AI ChatBot based on TensorFlow Seq2Seq Model.ChatGirl 一個基於 TensorFlow Seq2Seq 模型的聊天機器人。(包含預處理過的 twitter 英文數據集,訓練,運行,工具代碼,可以運行但是效果有待提高。)

https://github.com/fendouai/ChatGirl

教程

TensorFlow Examples - 針對初學者的 TensorFlow 教程和代碼

TensorFlow Tutorial - 從基礎知識到有趣的 tensorflow 應用

TensorFlow Tutorial - 基於谷歌的 TensorFlow 框架介紹深度學習

Sungjoon's TensorFlow-101 - TensorFlow 教程用 Python 的 Jupyter Notebook

Terry Um’s TensorFlow Exercises - Re-create the codes from other TensorFlow examples

Installing TensorFlow on Raspberry Pi 3 - TensorFlow compiled and running properly on the Raspberry Pi

Classification on time series - Recurrent Neural Network classification in TensorFlow with LSTM on cellphone sensor data

Getting Started with TensorFlow on Android - Build your first TensorFlow Android app

Predict time series - Learn to use a seq2seq model on simple datasets as an introduction to the vast array of possibilities that this architecture offers

Single Image Random Dot Stereograms - SIRDS is a means to present 3D data in a 2D image. It allows for scientific data display of a waterfall type plot with no hidden lines due to perspective.

CS20 SI: TensorFlow for DeepLearning Research - Stanford Course about Tensorflow from 2017 - Syllabus - Unofficial Videos

TensorFlow World - Concise and ready-to-use TensorFlow tutorials with detailed documentation are provided.

Effective Tensorflow - Tensorflow howtos and best practices. Covers the basics as well as advanced topics.

模型項目

Domain Transfer Network - Implementation of Unsupervised Cross-Domain Image Generation

Show, Attend and Tell - Attention Based Image Caption Generator

Neural Style Implementation of Neural Style

Pretty Tensor - Pretty Tensor provides a high level builder API

Neural Style - An implementation of neural style

AlexNet3D - An implementations of AlexNet3D. Simple AlexNet model but with 3D convolutional layers (conv3d).

TensorFlow White Paper Notes - Annotated notes and summaries of the TensorFlow white paper, along with SVG figures and links to documentation

NeuralArt - Implementation of A Neural Algorithm of Artistic Style

Deep-Q learning Pong with TensorFlow and PyGame

Generative Handwriting Demo using TensorFlow - An attempt to implement the random handwriting generation portion of Alex Graves' paper

Neural Turing Machine in TensorFlow - implementation of Neural Turing Machine

GoogleNet Convolutional Neural Network Groups Movie Scenes By Setting - Search, filter, and describe videos based on objects, places, and other things that appear in them

Neural machine translation between the writings of Shakespeare and modern English using TensorFlow - This performs a monolingual translation, going from modern English to Shakespeare and vis-versa.

Chatbot - Implementation of "A neural conversational model"

Colornet - Neural Network to colorize grayscale images - Neural Network to colorize grayscale images

Neural Caption Generator - Implementation of "Show and Tell"

Neural Caption Generator with Attention - Implementation of "Show, Attend and Tell"

Weakly_detector - Implementation of "Learning Deep Features for Discriminative Localization"

Dynamic Capacity Networks - Implementation of "Dynamic Capacity Networks"

HMM in TensorFlow - Implementation of viterbi and forward/backward algorithms for HMM

DeepOSM - Train TensorFlow neural nets with OpenStreetMap features and satellite imagery.

DQN-tensorflow - TensorFlow implementation of DeepMind's 'Human-Level Control through Deep Reinforcement Learning' with OpenAI Gym by Devsisters.com

Highway Network - TensorFlow implementation of "Training Very Deep Networks" with a blog post

Sentence Classification with CNN - TensorFlow implementation of "Convolutional Neural Networks for Sentence Classification"with a blog post

End-To-End Memory Networks - Implementation of End-To-End Memory Networks

Character-Aware Neural Language Models - TensorFlow implementation of Character-Aware Neural Language Models

YOLO TensorFlow ++ - TensorFlow implementation of 'YOLO: Real-Time Object Detection', with training and an actual support for real-time running on mobile devices.

Wavenet - This is a TensorFlow implementation of the WaveNet generative neural network architecture for audio generation.

Mnemonic Descent Method - Tensorflow implementation of "Mnemonic Descent Method: A recurrent process applied for end-to-end face alignment"

CNN visualization using Tensorflow - Tensorflow implementation of "Visualizing and Understanding Convolutional Networks"

VGAN Tensorflow - Tensorflow implementation for MIT "Generating Videos with Scene Dynamics" by Vondrick et al.

3D Convolutional Neural Networks in TensorFlow - Implementation of "3D Convolutional Neural Networks for Speaker Verification application" in TensorFlow by Torfi et al.

Lip Reading - Cross Audio-Visual Recognition using 3D Architectures in TensorFlow - TensorFlow Implementation of "Cross Audio-Visual Recognition in the Wild Using Deep Learning" by Torfi et al.

基於 TensorFlow 的產品

YOLO TensorFlow - Implementation of 'YOLO : Real-Time Object Detection'

android-yolo - Real-time object detection on Android using the YOLO network, powered by TensorFlow.

Magenta - Research project to advance the state of the art in machine intelligence for music and art generation

tf.contrib.learn - Simplified interface for Deep/Machine Learning (now part of TensorFlow)

tensorflow.rb - TensorFlow native interface for ruby using SWIG

tflearn - Deep learning library featuring a higher-level API

TensorFlow-Slim - High-level library for defining models

TensorFrames - TensorFlow binding for Apache Spark

TensorFlowOnSpark - initiative from Yahoo! to enable distributed TensorFlow with Apache Spark.

caffe-tensorflow - Convert Caffe models to TensorFlow format

keras - Minimal, modular deep learning library for TensorFlow and Theano

SyntaxNet: Neural Models of Syntax - A TensorFlow implementation of the models described in Globally Normalized Transition-Based Neural Networks, Andor et al. (2016)

keras-js - Run Keras models (tensorflow backend) in the browser, with GPU support

NNFlow - Simple framework allowing to read-in ROOT NTuples by converting them to a Numpy array and then use them in Google Tensorflow.

Sonnet - Sonnet is DeepMind's library built on top of TensorFlow for building complex neural networks.

tensorpack - Neural Network Toolbox on TensorFlow focusing on training speed and on large datasets.

視頻

TensorFlow Guide 1 - A guide to installation and use

TensorFlow Guide 2 - Continuation of first video

TensorFlow Basic Usage - A guide going over basic usage

TensorFlow Deep MNIST for Experts - Goes over Deep MNIST

TensorFlow Udacity Deep Learning - Basic steps to install TensorFlow for free on the Cloud 9 online service with 1Gb of data

Why Google wants everyone to have access to TensorFlow

Videos from TensorFlow Silicon Valley Meet Up 1/19/2016

Videos from TensorFlow Silicon Valley Meet Up 1/21/2016

Stanford CS224d Lecture 7 - Introduction to TensorFlow, 19th Apr 2016 - CS224d Deep Learning for Natural Language Processing by Richard Socher

Diving into Machine Learning through TensorFlow - Pycon 2016 Portland Oregon, Slide & Code by Julia Ferraioli, Amy Unruh, Eli Bixby

Large Scale Deep Learning with TensorFlow - Spark Summit 2016 Keynote by Jeff Dean

Tensorflow and deep learning - without at PhD - by Martin Görner

Tensorflow and deep learning - without at PhD, Part 2 (Google Cloud Next '17) - by Martin Görner

論文

TensorFlow: Large-Scale Machine Learning on Heterogeneous Distributed Systems - This paper describes the TensorFlow interface and an implementation of that interface that we have built at Google

TF.Learn: TensorFlow's High-level Module for Distributed Machine Learning

Comparative Study of Deep Learning Software Frameworks - The study is performed on several types of deep learning architectures and we evaluate the performance of the above frameworks when employed on a single machine for both (multi-threaded) CPU and GPU (Nvidia Titan X) settings

Distributed TensorFlow with MPI - In this paper, we extend recently proposed Google TensorFlow for execution on large scale clusters using Message Passing Interface (MPI)

Globally Normalized Transition-Based Neural Networks - This paper describes the models behind SyntaxNet.

TensorFlow: A system for large-scale machine learning - This paper describes the TensorFlow dataflow model in contrast to existing systems and demonstrate the compelling performance

官方博客

TensorFlow: smarter machine learning, for everyone - An introduction to TensorFlow

Announcing SyntaxNet: The World’s Most Accurate Parser Goes Open Source - Release of SyntaxNet, "an open-source neural network framework implemented in TensorFlow that provides a foundation for Natural Language Understanding systems.

博客文章

Why TensorFlow will change the Game for AI

TensorFlow for Poets - Goes over the implementation of TensorFlow

Introduction to Scikit Flow - Simplified Interface to TensorFlow - Key Features Illustrated

Building Machine Learning Estimator in TensorFlow - Understanding the Internals of TensorFlow Learn Estimators

TensorFlow - Not Just For Deep Learning

The indico Machine Learning Team's take on TensorFlow

The Good, Bad, & Ugly of TensorFlow - A survey of six months rapid evolution (+ tips/hacks and code to fix the ugly stuff), Dan Kuster at Indico, May 9, 2016

Fizz Buzz in TensorFlow - A joke by Joel Grus

RNNs In TensorFlow, A Practical Guide And Undocumented Features - Step-by-step guide with full code examples on GitHub.

Using TensorBoard to Visualize Image Classification Retraining in TensorFlow

TFRecords Guide semantic segmentation and handling the TFRecord file format.

TensorFlow Android Guide - Android TensorFlow Machine Learning Example.

TensorFlow Optimizations on Modern Intel® Architecture - Introduces TensorFlow optimizations on Intel® Xeon® and Intel® Xeon Phi™ processor-based platforms based on an Intel/Google collaboration.

社區

Stack Overflow

@TensorFlow on Twitter

Reddit

Mailing List

書籍

Machine Learning with TensorFlow by Nishant Shukla, computer vision researcher at UCLA and author of Haskell Data Analysis Cookbook. This book makes the math-heavy topic of ML approachable and practicle to a newcomer.

First Contact with TensorFlow by Jordi Torres, professor at UPC Barcelona Tech and a research manager and senior advisor at Barcelona Supercomputing Center

Deep Learning with Python - Develop Deep Learning Models on Theano and TensorFlow Using Keras by Jason Brownlee

TensorFlow for Machine Intelligence - Complete guide to use TensorFlow from the basics of graph computing, to deep learning models to using it in production environments - Bleeding Edge Press

Getting Started with TensorFlow - Get up and running with the latest numerical computing library by Google and dive deeper into your data, by Giancarlo Zaccone

Hands-On Machine Learning with Scikit-Learn and TensorFlow – by Aurélien Geron, former lead of the YouTube video classification team. Covers ML fundamentals, training and deploying deep nets across multiple servers and GPUs using TensorFlow, the latest CNN, RNN and Autoencoder architectures, and Reinforcement Learning (Deep Q).

Building Machine Learning Projects with Tensorflow – by Rodolfo Bonnin. This book covers various projects in TensorFlow that expose what can be done with TensorFlow in different scenarios. The book provides projects on training models, machine learning, deep learning, and working with various neural networks. Each project is an engaging and insightful exercise that will teach you how to use TensorFlow and show you how layers of data can be explored by working with Tensors.

-END-

專知,專業可信的人工智慧知識分發,讓認知協作更快更好!歡迎登錄www.zhuanzhi.ai,註冊登錄專知,獲取更多AI知識資料!

歡迎微信掃一掃加入專知人工智慧知識星球群,獲取最新AI專業乾貨知識教程視頻資料和與專家交流諮詢!

請加專知小助手微信(掃一掃如下二維碼添加),加入專知人工智慧主題群,諮詢技術商務合作~

相關焦點

  • 可能是史上最全的Tensorflow學習資源匯總
    本篇文章將為大家總結Tensorflow純乾貨學習資源,非常適合新手學習,建議大家收藏。想要學習更多的Tensorflow知識,歡迎點擊上方藍字,關注我們的微信公眾號。 非常適合學習Tensorflow的小夥伴。
  • TensorFlow開發者證書 中文手冊
    2.0.0 和 tensorflow-datasets,conda install tensorflow==2.0.0,conda install tensorflow-datasets==1.3.2在線課程強烈推薦 Coursera 中的在線課程(也是 TensorFlow Certificate 官網推薦的視頻學習課程),由吳恩達 DeepLearning.ai 的 Laurence Moroney 老師主講 ,該課程對 TensorFlow  Certificate 的知識面覆蓋很好,通過逐步的視頻、練習和測驗,可以基本掌握
  • 【重磅】TensorFlow中文社區論壇發布
    對於這種標題黨「TensorFlow中文社區論壇 (測試版) 上線」,Amusi總會單純地打開瞧一瞧。內容確實很nice,不信?你接著往下看高潮打開https://www.tensorflowers.cn/,引入眼帘的是黃色.哦不,是帶有橙色標誌性TensorFlow的中文社區。
  • 基於TensorFlow的深度學習實戰
    為了將環境建在 ~/tensorflow 目錄下, 執行:$ virtualenv --system-site-packages ~/tensorflow接下來激活virtualenv:$ source ~/tensorflow/bin/activate #  with bash $ source ~/tensorflow/bin/activate.csh
  • Tensorflow 全網最全學習資料匯總之Tensorflow 的入門與安裝【2】
    《TensorFlow學習筆記1:入門》連結:http://www.jeyzhang.com/tensorflow-learning-notes.html本文與上一篇的行文思路基本一致,首先概括了TensorFlow的特性,然後介紹了graph、session、variable 等基本概念的含義,以具體代碼的形式針對每個概念給出了進一步的解釋
  • 令人困惑的TensorFlow!
    第三個關鍵抽象:計算路徑讓我們看看另一個使用佔位符的示例:代碼:import tensorflow as tfinput_placeholder = tf.placeholder(tf.int32)three_node
  • Anaconda軟體安裝TensorFlow教程
    Anaconda軟體的安裝,請閱讀文章《Anaconda軟體安裝和簡易使用教程》第一步:創建r-tensorflow環境打開Anaconda Prompt,執行命令conda create --name r-tensorflow python=3.6該命令用來創建r-tensorflow虛擬環境
  • TensorFlow學習
    TensorFlow學習0.導語1.Session會話控制(兩種打開模式)2.Tensorflow使用Variable3.Placeholder 傳入值4.激勵函數(activate function)5.定義添加神經層的函數6.建造神經網絡7.matplotlib 可視化8.學習文章TensorFlow學習0.導語本周將會陸續更新莫凡python配套視頻的自己學習筆記
  • 從零開始搭建深度學習伺服器:TensorFlow + PyTorch + Torch
    本教程轉載於深度學習中文社區(studydl.com).在深度學習大行其道的今天,我們不應該停留於觀望的階段,我們應該多多上手進行實踐,下面將為大家介紹一下最簡單也是最基礎的內容,配置一個自己的深度學習伺服器.1.
  • TensorFlow圖像分類教程
    雲棲君導讀:深度學習算法與計算機硬體性能的發展,使研究人員和企業在圖像識別、語音識別、推薦引擎和機器翻譯等領域取得了巨大的進步。
  • 帶你入門機器學習與TensorFlow2.x
    如果顯存不足,則會顯示資源耗盡提示,導致程序不能正常運行。3. 安裝Tensorflow安裝 TensorFlow 有2種方式:3.1 到哪安裝哪一個版本TensorFlow分為Nightly版本和Release版本,那麼我們到底要安裝哪一個版本呢?
  • TensorFlow應用實戰 | TensorFlow基礎知識
    # -*- coding: UTF-8 -*-# 引入tensorflowimport tensorflow as tf# 設置了gpu加速提示信息太多了,設置日誌等級屏蔽一些import osos.environ['TF_CPP_MIN_LOG_LEVEL']='2'# 創建兩個常量 Tensor.第一個為
  • TensorFlow 資源大全中文版
    TensorFlow 是一個採用數據流圖(data flow graphs),用於數值計算的開源軟體庫。節點(Nodes)在圖中表示數學操作,圖中的線(edges)則表示在節點間相互聯繫的多維數據數組,即張量(tensor)。它靈活的架構讓你可以在多種平臺上展開計算,例如臺式計算機中的一個或多個CPU(或GPU)、伺服器、行動裝置等等。
  • TensorFlow 安裝詳解
    目的是讓機器(這裡指計算機)如何模擬或者實現人類的學習行為。就像我們讀小學,讀初中,讀高中... 讓機器學習的話可能需要 1 小時,因為機器效率很高。二、TensorFlow 介紹標語:TensorFlow 是一個用於人工智慧的開源神器什麼是 TensorFlow 呢?
  • 【乾貨】TensorFlow協同過濾推薦實戰
    作者從抓取數據開始對模型進行了詳細的解讀,並且分析了幾種推薦中可能隱藏的情況及解決方案。做這種映射,我們將使用 TensorFlow Transform(TFT)(https://github.com/tensorflow/transform)-這是一個庫,允許你創建預處理的數據集,使用ApacheBeam訓練然後將預處理作為你tensorflow graph中的推理!
  • TensorFlow極速入門
    熱衷於深度學習技術的探索,對新事物有著強烈的好奇心。一、前言目前,深度學習已經廣泛應用於各個領域,比如圖像識別,圖形定位與檢測,語音識別,機器翻譯等等,對於這個神奇的領域,很多童鞋想要一探究竟,這裡拋磚引玉的簡單介紹下最火的深度學習開源框架 tensorflow。
  • 基於RTX2060構建TensorFlow-gpu(keras)學習平臺
    開始菜單運行anaconda navigator檢查是否安裝了notebook(默認有安裝)三、安裝tensorflow/keras在激活的環境中安裝:1. 如果機器上有gpu,則安裝gpu版本,沒有GPU就安裝cpu版。
  • tensorflow極速入門
    一、前言目前,深度學習已經廣泛應用於各個領域,比如圖像識別,圖形定位與檢測,語音識別,機器翻譯等等,對於這個神奇的領域,很多童鞋想要一探究竟,這裡拋磚引玉的簡單介紹下最火的深度學習開源框架 tensorflow。本教程不是 cookbook,所以不會將所有的東西都事無巨細的講到,所有的示例都將使用 python。那麼本篇教程會講到什麼?
  • GitHub趨勢榜第一:TensorFlow+PyTorch深度學習資源大匯總
    來源:Github編輯整理:元子【新智元導讀】該項目是Jupyter Notebook中TensorFlow和PyTorch的各種深度學習架構本文搜集整理了Jupyter Notebook中TensorFlow和PyTorch的各種深度學習架構,模型和技巧,內容非常豐富,適用於Python 3.7,適合當做工具書。大家可以將內容按照需要進行分割,列印出來,或者做成電子書等,隨時查閱。
  • 開發者福利:TensorFlow中文社區論壇正式上線!
    來源:TensorFlow【新智元導讀】昨天,TensorFlow中文社區論壇(測試版)正式上線。現在,TensorFlow 中文網站、微信公眾號、社區論壇正成為中國的開發者們交流TensorFlow 以及機器學習技術的平臺,歡迎TF Boys和Girls一起交流。昨天,TensorFlow與 Caicloud (才雲) 聯合發起和創建的 TensorFlow 中文社區論壇測試版(https://www.tensorflowers.cn) 正式上線了!