Github人工智能开源项目

人工智能是目下很火的话题:比如人脸识别、语音识别、自动驾驶等等,这些项目都是比较常见的。看看Github上都有哪些开源项目吧。

目录

基于TensorFlow的框架

精选入门教程

无人驾驶

深度强化学习

自然语言处理

文本分类

序列建模

中文分词

基于文本的图像合成

RNN语言建模

神经图灵机

小黄鸡

语音领域

语音合成

语音识别

计算机视觉

风格转换

运用GAN图像生成

图像到图像的翻译

图像超分辨

人脸识别

目标检测

运动识别

图像复原

生成模型

TensorFlow实时debug工具

TensorFlow在树莓派上的应用

TensorFlow基于R的应用

实时Spark与TensorFlow的输入pipeline

caffe与TensorFlow结合

概率建模

大牛github网址收藏


基于TensorFlow的框架

GitHub - keras-team/keras: Deep Learning for humans
GitHub - tflearn/tflearn: Deep learning library featuring a higher-level API for TensorFlow.
GitHub - beniz/deepdetect: Deep Learning API and Server in C++11 support for Caffe, Caffe2, PyTorch,TensorRT, Dlib, NCNN, Tensorflow, XGBoost and TSNE
GitHub - tensorflow/fold: Deep learning with dynamic computation graphs in TensorFlow
GitHub - leriomaggio/deep-learning-keras-tensorflow: Introduction to Deep Neural Networks with Keras and Tensorflow

精选入门教程

GitHub - tensorflow/models: Models and examples built with TensorFlow
GitHub - aymericdamien/TensorFlow-Examples: TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
GitHub - donnemartin/data-science-ipython-notebooks: Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.
GitHub - jtoy/awesome-tensorflow: TensorFlow - A curated list of dedicated resources http://tensorflow.org
GitHub - jikexueyuanwiki/tensorflow-zh: 谷歌全新开源人工智能系统TensorFlow官方文档中文版
GitHub - nlintz/TensorFlow-Tutorials: Simple tutorials using Google's TensorFlow Framework
GitHub - pkmital/tensorflow_tutorials: From the basics to slightly more interesting applications of Tensorflow
GitHub - google-deepmind/learning-to-learn: Learning to Learn in TensorFlow
GitHub - BinRoot/TensorFlow-Book: Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
GitHub - jostmey/NakedTensor: Bare bone examples of machine learning in TensorFlow
GitHub - alrojo/tensorflow-tutorial: Practical tutorials and labs for TensorFlow used by Nvidia, FFN, CNN, RNN, Kaggle, AE
GitHub - CreatCodeBuild/TensorFlow-and-DeepLearning-Tutorial: A TensorFlow & Deep Learning online course I taught in 2016
GitHub - sjchoi86/Tensorflow-101: TensorFlow Tutorials
GitHub - chiphuyen/stanford-tensorflow-tutorials: This repository contains code examples for the Stanford's course: TensorFlow for Deep Learning Research.
GitHub - google/prettytensor: Pretty Tensor: Fluent Networks in TensorFlow
GitHub - ahangchen/GDLnotes: Google Deep Learning Notes(TensorFlow教程)
GitHub - Hvass-Labs/TensorFlow-Tutorials: TensorFlow Tutorials with YouTube Videos
https://github.com/NickShahML/tensorflow_with_latest_papers
GitHub - nfmcclure/tensorflow_cookbook: Code for Tensorflow Machine Learning Cookbook
GitHub - tensorpack/tensorpack: A Neural Net Training Interface on TensorFlow, with focus on speed + flexibility
GitHub - rasbt/deep-learning-book: Repository for "Introduction to Artificial Neural Networks and Deep Learning: A Practical Guide with Applications in Python"
GitHub - pkmital/CADL: ARCHIVED: Contains historical course materials/Homework materials for the FREE MOOC course on "Creative Applications of Deep Learning w/ Tensorflow" #CADL
GitHub - tensorflow/skflow: Simplified interface for TensorFlow (mimicking Scikit Learn) for Deep Learning

无人驾驶

GitHub - kevinhughes27/TensorKart: self-driving MarioKart with TensorFlow
GitHub - SullyChen/Autopilot-TensorFlow: A TensorFlow implementation of this Nvidia paper: https://arxiv.org/pdf/1604.07316.pdf with some changes

深度强化学习

GitHub - dennybritz/reinforcement-learning: Implementation of Reinforcement Learning Algorithms. Python, OpenAI Gym, Tensorflow. Exercises and Solutions to accompany Sutton's Book and David Silver's course.
GitHub - tensorlayer/TensorLayer: Deep Learning and Reinforcement Learning Library for Scientists and Engineers
GitHub - matthiasplappert/keras-rl: Deep Reinforcement Learning for Keras.
GitHub - siemanko/tensorflow-deepq: A deep Q learning demonstration using Google Tensorflow
GitHub - devsisters/DQN-tensorflow: Tensorflow implementation of Human-Level Control through Deep Reinforcement Learning
GitHub - coreylynch/async-rl: Tensorflow + Keras + OpenAI Gym implementation of 1-step Q Learning from "Asynchronous Methods for Deep Reinforcement Learning"
GitHub - carpedm20/deep-rl-tensorflow: TensorFlow implementation of Deep Reinforcement Learning papers
GitHub - yandexdataschool/Practical_RL: A course in reinforcement learning in the wild

自然语言处理

文本分类

GitHub - dennybritz/cnn-text-classification-tf: Convolutional Neural Network for Text Classification in Tensorflow

序列建模

GitHub - google/seq2seq: A general-purpose encoder-decoder framework for Tensorflow

中文分词

GitHub - koth/kcws: Deep Learning Chinese Word Segment

基于文本的图像合成

GitHub - paarthneekhara/text-to-image: Text to image synthesis using thought vectors

RNN语言建模

GitHub - sherjilozair/char-rnn-tensorflow: Multi-layer Recurrent Neural Networks (LSTM, RNN) for character-level language models in Python using Tensorflow
https://github.com/silicon-valley-data-science/RNN-Tutorial

神经图灵机

GitHub - carpedm20/NTM-tensorflow: "Neural Turing Machine" in Tensorflow

小黄鸡

GitHub - wong2/xiaohuangji: 人人网小黄鸡 (deprecated)

语音领域

语音合成

GitHub - ibab/tensorflow-wavenet: A TensorFlow implementation of DeepMind's WaveNet paper
GitHub - tomlepaine/fast-wavenet: Speedy Wavenet generation using dynamic programming :zap:

语音识别

GitHub - buriburisuri/speech-to-text-wavenet: Speech-to-Text-WaveNet : End-to-end sentence level English speech recognition based on DeepMind's WaveNet and tensorflow
GitHub - pannous/tensorflow-speech-recognition: 🎙Speech recognition using the tensorflow deep learning framework, sequence-to-sequence neural networks

计算机视觉

风格转换

GitHub - anishathalye/neural-style: Neural style in TensorFlow! 🎨

https://github.com/cysmith/neural-style-tf

运用GAN图像生成

GitHub - carpedm20/DCGAN-tensorflow: A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"

图像到图像的翻译

GitHub - affinelayer/pix2pix-tensorflow: Tensorflow port of Image-to-Image Translation with Conditional Adversarial Nets https://phillipi.github.io/pix2pix/

图像超分辨

GitHub - atriumlts/subpixel: subpixel: A subpixel convnet for super resolution with Tensorflow

人脸识别

GitHub - davidsandberg/facenet: Face recognition using Tensorflow

目标检测

https://github.com/TensorBox/TensorBox

运动识别

GitHub - guillaume-chevalier/LSTM-Human-Activity-Recognition: Human Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier

图像复原

GitHub - bamos/dcgan-completion.tensorflow: Image Completion with Deep Learning in TensorFlow

生成模型

https://github.com/wiseodd/generative-models

TensorFlow实时debug工具

GitHub - ericjang/tdb: Interactive, node-by-node debugging and visualization for TensorFlow

TensorFlow在树莓派上的应用

GitHub - samjabrahams/tensorflow-on-raspberry-pi: TensorFlow for Raspberry Pi

TensorFlow基于R的应用

GitHub - rstudio/tensorflow: TensorFlow for R

实时Spark与TensorFlow的输入pipeline

GitHub - PipelineAI/pipeline: PipelineAI
GitHub - yahoo/TensorFlowOnSpark: TensorFlowOnSpark brings TensorFlow programs to Apache Spark clusters.

caffe与TensorFlow结合

GitHub - ethereon/caffe-tensorflow: Caffe models in TensorFlow

概率建模

GitHub - blei-lab/edward: A probabilistic programming language in TensorFlow. Deep generative models, variational inference.

大牛github网址收藏

关于文本分类:GitHub - ChengjinLi/machine_learning: 机器学习、深度学习、NLP实战项目
关于聊天机器人:GitHub - MarkWuNLP/MultiTurnResponseSelection: This repo contains our ACL 2017 paper data and source code
 

评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值