TensorFlow
Awesome TensorFlow
¶
精选的TensorFlow实验,库和项目的精选列表. 受到很棒的机器学习的启发.
What is TensorFlow?¶
TensorFlow是一个开放源代码软件库,用于使用数据流图进行数值计算. 换句话说,构建深度学习模型的最佳方法.
更多信息 here.
Tutorials¶
- TensorFlow Tutorial 1 -从基础到TensorFlow稍微有趣的应用
- TensorFlow Tutorial 2 -基于Google的TensorFlow框架的深度学习简介. 这些教程是Newmu Theano的直接移植
- TensorFlow Tutorial 3 -这些教程适用于深度学习和TensorFlow的初学者,其中包含详细记录的代码和YouTube视频.
- TensorFlow Examples -适用于初学者的TensorFlow教程和代码示例
- Sungjoon's TensorFlow-101 -使用Jupyter Notebook用Python编写的TensorFlow教程
- Terry Um’s TensorFlow Exercises -从其他TensorFlow示例中重新创建代码
- Installing TensorFlow on Raspberry Pi 3 -TensorFlow已在Raspberry Pi上编译并正常运行
- Classification on time series -使用LSTM在TensorFlow中对手机传感器数据进行递归神经网络分类
- Getting Started with TensorFlow on Android -构建您的第一个TensorFlow Android应用
- Predict time series -学习在简单数据集上使用seq2seq模型,作为对该架构提供的各种可能性的介绍
- Single Image Random Dot Stereograms -SIRDS是在2D图像中呈现3D数据的一种方式. 它允许科学地显示瀑布图的数据,而不会由于透视而隐藏线.
- CS20 SI: TensorFlow for DeepLearning Research -从2017年开始的斯坦福课程有关Tensorflow- Syllabus - Unofficial Videos
- TensorFlow World -提供简洁明了的TensorFlow教程以及详细的文档.
- Effective Tensorflow -TensorFlow howtos和最佳实践. 涵盖基础知识和高级主题.
- TensorLayer -TensorFlow官方教程的模块化实现. (CN).
- Understanding The Tensorflow Estimator API A conceptual overview of the Estimator API, when you'd use it and why.
- Convolutional Neural Networks in TensorFlow -Coursera提供的Tensorflow中的卷积神经网络
Models/Projects¶
- Tensorflow-Project-Template -为您的tensorflow项目设计的简单而精心的模板.
- Domain Transfer Network -实现无监督的跨域图像生成
- Show, Attend and Tell -基于注意力的图像字幕生成器
- Neural Style 神经风格的实现
- SRGAN -使用生成的对抗网络实现逼真的单图像超分辨率
- Pretty Tensor -漂亮的Tensor提供了高级构建器API
- Neural Style -神经风格的实现
- AlexNet3D -AlexNet3D的实现. 简单的AlexNet模型,但具有3D卷积层(conv3d).
- TensorFlow White Paper Notes -TensorFlow白皮书的注释注释和摘要以及SVG图形和文档链接
- NeuralArt -一种艺术风格的神经算法的实现
- Generative Handwriting Demo using TensorFlow -尝试实现Alex Graves论文的随机笔迹生成部分
- Neural Turing Machine in TensorFlow -神经图灵机的实现
- GoogleNet Convolutional Neural Network Groups Movie Scenes By Setting -根据对象,地点和视频中出现的其他内容搜索,过滤和描述视频
- Neural machine translation between the writings of Shakespeare and modern English using TensorFlow -这将执行单语翻译,从现代英语到莎士比亚,反之亦然.
- Chatbot - 实施 "A neural conversational model"
- Seq2seq-Chatbot -200行代码中的聊天机器人
- DCGAN -深度卷积生成对抗网络
- GAN-CLS 生成对抗性文本以进行图像合成
- im2im -通过生成对抗网络进行无监督的图像到图像的翻译
- Improved CycleGAN -未配对的图像到图像的翻译
- DAGAN -快速压缩传感MRI重建
- Colornet -神经网络为灰度图像着色 -神经网络为灰度图像着色
- Neural Caption Generator - 实施 "Show and Tell"
- Neural Caption Generator with Attention - 实施 "Show, Attend and Tell"
- Weakly_detector - 实施 "Learning Deep Features for Discriminative Localization"
- Dynamic Capacity Networks - 实施 "Dynamic Capacity Networks"
- HMM in TensorFlow -HMM的维特比和前进/后退算法的实现
- DeepOSM -使用OpenStreetMap功能和卫星图像训练TensorFlow神经网络.
- DQN-tensorflow -Devsisters.com使用OpenAI Gym实施DeepMind的'通过深度强化学习进行人级控制'的TensorFlow
- Policy Gradient -玩Atari乒乓球
- Deep Q-Network -玩冰湖游戏
- AC -扮演离散动作太空游戏的演员评论家(Cartpole)
- A3C -连续动作空间(Bipedal Walker)的异步优势演员评论家(A3C)
- DAGGER -玩耍 Gym Torcs
- TRPO -对于连续和离散动作空间
- Highway Network -TensorFlow的实现 "Training Very Deep Networks" 与一个 blog post
- Hierarchical Attention Networks -TensorFlow的实现 "Hierarchical Attention Networks for Document Classification"
- Sentence Classification with CNN -TensorFlow的实现 "Convolutional Neural Networks for Sentence Classification" 与一个 blog post
- End-To-End Memory Networks - 实施 End-To-End Memory Networks
- Character-Aware Neural Language Models -TensorFlow的实现 Character-Aware Neural Language Models
- YOLO TensorFlow ++ -“ YOLO:实时对象检测”的TensorFlow实现,具有培训和对在移动设备上实时运行的实际支持.
- Wavenet -这是TensorFlow的实现 WaveNet generative neural network architecture 用于音频生成.
- Mnemonic Descent Method -Tensorflow的实现 "Mnemonic Descent Method: A recurrent process applied for end-to-end face alignment"
- CNN visualization using Tensorflow -Tensorflow的实现 "Visualizing and Understanding Convolutional Networks"
- VGAN Tensorflow -MIT的Tensorflow实现 "Generating Videos with Scene Dynamics" 由Vondrick等人撰写.
- 3D Convolutional Neural Networks in TensorFlow - 实施 "3D Convolutional Neural Networks for Speaker Verification application" 在Tors等人的TensorFlow中.
- U-Net -用于脑肿瘤分割
- Spatial Transformer Networks -学习转换功能
- Lip Reading - Cross Audio-Visual Recognition using 3D Architectures in TensorFlow -TensorFlow的实现 "Cross Audio-Visual Recognition in the Wild Using Deep Learning" 由Torfi等人撰写.
- Attentive Object Tracking - 实施 "Hierarchical Attentive Recurrent Tracking"
- Holographic Embeddings for Graph Completion and Link Prediction - 实施 Holographic Embeddings of Knowledge Graphs
- Unsupervised Object Counting - 实施 "Attend, Infer, Repeat"
- Tensorflow FastText -受Facebook的fastText启发的基于嵌入的简单文本分类器.
- MusicGenreClassification -使用神经网络对10秒钟声音流中的音乐流派进行分类.
- Kubeflow -轻松将Tensorflow与Kubernetes结合使用的框架.
- TensorNets -带有预训练权重的40多种流行的计算机视觉模型.
- Ladder Network -在Keras和Tensorflow中实现用于半监督学习的阶梯网络
- TF-Unet -在Keras中实现的通用U网络用于图像分割
- Sarus TF2 Models -在干净,易于重用的Tensorflow 2代码中实现的大量近期生成模型(普通自动编码器,VAE,VQ-VAE,PixelCNN,门控PixelCNN,PixelCNN ++,PixelSNAIL,条件神经过程).
Powered by TensorFlow¶
- YOLO TensorFlow -实现“ YOLO:实时对象检测”
- android-yolo -由TensorFlow支持的使用YOLO网络在Android上进行实时对象检测.
- Magenta -旨在促进音乐和艺术创作中机器智能的最先进技术的研究项目
Libraries¶
- TensorFlow Estimators -高阶TensorFlow API,可大幅简化机器学习程式(原本 tensorflow/skflow)
- R Interface to TensorFlow -TensorFlow API的R接口,包括估算器,Keras,数据集等.
- Lattice -在TensorFlow中实现单调校准插值查询表
- tensorflow.rb -使用SWIG的红宝石的TensorFlow本机界面
- tflearn -具有更高级别API的深度学习库
- TensorLayer -研究人员和工程师的深度学习和强化学习库
- TensorFlow-Slim -用于定义模型的高级库
- TensorFrames -用于Apache Spark的TensorFlow绑定
- TensorForce -TensorForce:用于应用强化学习的TensorFlow库
- TensorFlowOnSpark -来自Yahoo的倡议! 使用Apache Spark启用分布式TensorFlow.
- caffe-tensorflow -将Caffe模型转换为TensorFlow格式
- keras -用于TensorFlow和Theano的最小的模块化深度学习库
- SyntaxNet: Neural Models of Syntax -模型中所述的TensorFlow实现 Globally Normalized Transition-Based Neural Networks, Andor et al. (2016)
- keras-js -在浏览器中运行Keras模型(tensorflow后端),并支持GPU
- NNFlow -简单的框架,可通过将根NTuples转换为Numpy数组来读取它们,然后在Google Tensorflow中使用它们.
- Sonnet -Sonnet是DeepMind的基于TensorFlow的库,用于构建复杂的神经网络.
- tensorpack -TensorFlow上的神经网络工具箱专注于训练速度和大型数据集.
- tf-encrypted -在TensorFlow之上的层,用于对加密数据进行机器学习
- pytorch2keras -将PyTorch模型转换为Keras(带有TensorFlow后端)格式
- gluon2keras -将Gluon模型转换为Keras(具有TensorFlow后端)格式
- TensorIO -轻量级的跨平台库,用于将TensorFlow Lite模型部署到移动设备.
- StellarGraph -图上的机器学习,这是一个用于对图结构(网络结构)数据进行机器学习的Python库.
- DeepBay -用于实现通用体系结构堆栈的高级Keras补充,用作易于使用的即插即用模块
Tools/Utilities¶
- Guild AI -TensorFlow的任务运行器和程序包管理器
- ML Workspace -用于机器学习和数据科学的多合一Web IDE. 将Tensorflow,Jupyter,VS Code,Tensorboard和许多其他工具/库组合到一个Docker映像中.
Videos¶
- TensorFlow Guide 1 -安装和使用指南
- TensorFlow Guide 2 -继续播放第一个视频
- TensorFlow Basic Usage -有关基本用法的指南
- TensorFlow Deep MNIST for Experts -深入了解MNIST
- TensorFlow Udacity Deep Learning -在具有1Gb数据的Cloud 9在线服务上免费安装TensorFlow的基本步骤
- 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 -Richard Socher的CS224d用于自然语言处理的深度学习
- Diving into Machine Learning through TensorFlow -Pycon 2016俄勒冈州波特兰市, Slide & Code 朱莉娅·费雷奥利(Julia Ferraioli),艾米·安鲁(Amy Unruh),伊莱·比克斯比(Eli Bixby)
- Large Scale Deep Learning with TensorFlow -2016年Spark Summit主题演讲Jeff Dean
- Tensorflow and deep learning - without at PhD -马丁·戈纳(MartinGörner)
- Tensorflow and deep learning - without at PhD, Part 2 (Google Cloud Next '17) -马丁·戈纳(MartinGörner)
- Image recognition in Go using TensorFlow -Alex Pliutau撰写
Papers¶
- TensorFlow: Large-Scale Machine Learning on Heterogeneous Distributed Systems -本文介绍了TensorFlow接口以及我们在Google上构建的该接口的实现
- TensorFlow Estimators: Managing Simplicity vs. Flexibility in High-Level Machine Learning Frameworks
- TF.Learn: TensorFlow's High-level Module for Distributed Machine Learning
- Comparative Study of Deep Learning Software Frameworks -这项研究是针对几种类型的深度学习架构进行的,当我们在一台机器上同时使用(多线程)CPU和GPU(Nvidia Titan X)设置时,我们评估了上述框架的性能.
- Distributed TensorFlow with MPI -在本文中,我们扩展了最近提出的Google TensorFlow,以使用消息传递接口(MPI)在大型集群上执行
- Globally Normalized Transition-Based Neural Networks -本文介绍了背后的模型 SyntaxNet.
- TensorFlow: A system for large-scale machine learning -本文介绍了TensorFlow数据流模型与现有系统的对比,并展示了令人信服的性能
- TensorLayer: A Versatile Library for Efficient Deep Learning Development - This paper describes a versatile Python library that aims at helping researchers and engineers efficiently develop deep learning systems. (Winner of The Best Open Source Software Award of ACM MM 2017)
Official announcements¶
- TensorFlow: smarter machine learning, for everyone -TensorFlow简介
- Announcing SyntaxNet: The World’s Most Accurate Parser Goes Open Source -发布SyntaxNet,“在TensorFlow中实现的开源神经网络框架,为自然语言理解系统提供了基础.
Blog posts¶
- Official Tensorflow Blog
- Why TensorFlow will change the Game for AI
- TensorFlow for Poets -回顾TensorFlow的实施
- Introduction to Scikit Flow - Simplified Interface to TensorFlow -主要功能说明
- Building Machine Learning Estimator in TensorFlow -了解TensorFlow Learn估算器的内部
- TensorFlow - Not Just For Deep Learning
- The indico Machine Learning Team's take on TensorFlow
- The Good, Bad, & Ugly of TensorFlow -六个月快速发展的调查(+技巧/黑客和代码,以修复丑陋的东西),丹·库斯特(Dan Kuster),印度,2016年5月9日
- Fizz Buzz in TensorFlow -乔尔·格鲁斯(Joel Grus)的笑话
- RNNs In TensorFlow, A Practical Guide And Undocumented Features -GitHub上的完整代码示例的分步指南.
- Using TensorBoard to Visualize Image Classification Retraining in TensorFlow
- TFRecords Guide 语义分割和处理TFRecord文件格式.
- TensorFlow Android Guide -Android TensorFlow机器学习示例.
- TensorFlow Optimizations on Modern Intel® Architecture -在基于Intel / Google合作的基于Intel®Xeon®和基于Intel®Xeon Phi™处理器的平台上引入了TensorFlow优化.
- Coca-Cola's Image Recognition App 具有用户输入反馈回路的可口可乐产品代码图像识别神经网络.
- How Does The TensorFlow Work 机器学习库TensorFlow如何工作?
Community¶
Books¶
- Machine Learning with TensorFlow 由Nishant Shukla,加州大学洛杉矶分校的计算机视觉研究员和《 Haskell数据分析食谱》的作者撰写. 本书使ML的数学重磅话题成为了新手们的实用和实践.
- First Contact with TensorFlow 作者:UPC巴塞罗那理工大学教授,巴塞罗那超级计算中心研究经理兼高级顾问Jordi Torres
- Deep Learning with Python -使用Keras在Theano和TensorFlow上开发深度学习模型,作者是Jason Brownlee
- TensorFlow for Machine Intelligence -从图表计算的基础知识到深度学习模型再到在生产环境中使用TensorFlow的完整指南-Bleeding Edge Press
- Getting Started with TensorFlow -由Google提供的最新数值计算库启动并运行,并由Giancarlo Zaccone深入研究您的数据
- Hands-On Machine Learning with Scikit-Learn and TensorFlow –由YouTube视频分类小组前负责人AurélienGeron撰写. 涵盖ML基础知识,使用TensorFlow,最新的CNN,RNN和Autoencoder架构以及强化学习(深度Q)在多个服务器和GPU上训练和部署深度网络.
- Building Machine Learning Projects with Tensorflow –由Rodolfo Bonnin撰写. 本书涵盖了TensorFlow中的各种项目,这些项目揭示了TensorFlow在不同情况下可以完成的工作. 本书提供了有关训练模型,机器学习,深度学习以及使用各种神经网络的项目. 每个项目都是一个引人入胜且富有洞察力的练习,它将教您如何使用TensorFlow,并向您展示如何与Tensors一起探索数据层.
- Deep Learning using TensorLayer -郝东等. 本书涵盖了使用TensorFlow和TensorLayer的深度学习和基础知识.
Contributions¶
永远欢迎您的贡献!
如果您想对此列表做出贡献(请这样做),请向我发送请求请求或与我联系 @jtoy 另外,如果您由于以下任何原因而忽略了上面列出的任何存储库,请执行以下操作:
存储库的所有者明确表示“未维护此库”. 长时间(2〜3年)不承诺.
有关的更多信息 guidelines