Introduction [Under developing,it is not working well yet.But you can just train,and run it.] ChatGirl is an AI ChatBot based on TensorFlow Seq2Seq Model. TensorFlowNews TensorFlow CNN Model Project:https://github.com/fendouai/FaceRank TensorFlow LST…
ChatGirl 一个基于 TensorFlow Seq2Seq 模型的聊天机器人[中文文档] 简介 简单地说就是该有的都有了,但是总体跑起来效果还不好. 还在开发中,它工作的效果还不好.但是你可以直接训练,并且运行. 包含预处理过的 twitter 英文数据集,训练,运行,工具代码,可以运行但是效果有待提高. 数据集 Twitter 数据集: https://github.com/suriyadeepan/datasets 训练 你需要新建一个 model 文件夹来保存训练完的模型 运行这个文…
原项目链接:https://github.com/chiphuyen/stanford-tensorflow-tutorials/tree/master/assignments/chatbot 一个使用序列的神经聊天者使用注意解码器对序列模型进行排序. 这是一个功能齐全的chatbot. 这是基于Google 翻译 Tensorflow 模型 https://github.com/tensorflow/models/blob/master/tutorials/rnn/translate/ Chi…
神经网络.<Make Your Own Neural Network>,用非常通俗易懂描述讲解人工神经网络原理用代码实现,试验效果非常好. 循环神经网络和LSTM.Christopher Olah http://colah.github.io/posts/2015-08-Understanding-LSTMs/ . seq2seq模型基于循环神经网络序列到序列模型,语言翻译.自动问答等序列到序列场景,都可用seq2seq模型,用seq2seq实现聊天机器人的原理 http://suriyade…
深度学习   深度学习学习目标: 1. TensorFlow框架的使用 2. 数据读取(解决大数据下的IO操作) + 神经网络基础 3. 卷积神经网络的学习 + 验证码识别的案例   机器学习与深度学习的区别 机器学习与深度学习的区别 1 特征提取方面 2 数据量和计算性能要求    3 算法代表 例如: 机器学习: 数据输入 –> 人工进行特征工程(需要大量专业领域知识) –> 分类算法计算 –> 得出结论 深度学习: 数据数据 –> 神经网络(通过将数据进行层层传递创建模型,自…
登陆百度 AI Studio 并按照教程创建新项目 启动项目并进入控制台 下载 Anaconda3/Miniconda3 安装脚本 安装在 ~/work/*conda3 目录 输入命令 source ~/work/*conda3/bin/activate 进入 conda 环境 安装自己心仪的框架如 tf 和 torch,一切命令从控制台运行,自带的 jupyter 界面当摆设就好,或者当一个好看的命令行用也可以 注:想挖矿可以试试,反正我每次挖矿都被杀,估计有检测…
There is Inception-v3 model python implementation on GitHub at: https://github.com/tensorflow/models/tree/master/inception There are several shell scripts in /inception/inception/data folder. these scripts only can run on Linux OS, especially on Ubun…
There is Inception-v3 model python implementation on GitHub at: https://github.com/tensorflow/models/tree/master/inception There are several shell scripts in /inception/inception/data folder. these scripts only can run on Linux OS, especially on Ubun…
tensorflow基于 Grammar as a Foreign Language实现,这篇论文给出的公式也比较清楚. 这里关注seq2seq.attention_decode函数, 主要输入 decoder_inputs, initial_state, attention_states,     这里可以主要参考 models/textsum的应用,textsum采用的多层双向lstm, 假设只有一层,texsum将正向 最后输出的state作为 attention_decode的输入ini…
model.summary() in Tensorflow like Keras Use Slim Example: import numpy as np from tensorflow.python.layers import base import tensorflow as tf import tensorflow.contrib.slim as slim x = np.zeros((1,4,4,3)) x_tf = tf.convert_to_tensor(x, np.float32)…
以简单英文问答问题为例测试tensorflow1.4 tf.contrib.legacy_seq2seq中seq2seq文件的几个seq2seq接口 github:https://github.com/buyizhiyou/tf_seq2seq 测试 basic_rnn_seq2seq 的使用 #-*-coding:utf8-*- __author="buyizhiyou" __date = "2018-7-30" import os import pdb impo…
import numpy as np import matplotlib.pyplot as plt import os import time import tensorflow as tf tf.enable_eager_execution() # create data X = np.linspace(-1, 1, 5000) np.random.shuffle(X) y = 0.5 * X + 2 + np.random.normal(0, 0.05, (5000,)) # plot d…
from kaffe.tensorflow import Network class AlexNet(Network): def setup(self): (self.feed('data') .conv(11, 11, 96, 4, 4, padding='VALID', name='conv1') .lrn(2, 1.99999994948e-05, 0.75, name='norm1') .max_pool(3, 3, 2, 2, padding='VALID', name='pool1'…
在 parameters.py 中,定义了各类参数. # training data directory TRAINING_DATA_DIR = './data/' # checkpoint directory CHECKPOINT_DIR = './training_checkpoints/' # training details BATCH_SIZE = 16 BUFFER_SIZE = 128 EPOCHS = 15 在 numpy_dataset.py 中,创建了 5000 组训练数据集…
贝叶斯+全连接条件场,无人机和航片数据,通过标注航片数据自动生成无人机标注数据,具体不懂…
Awesome-TensorFlow-Chinese TensorFlow 中文资源全集,学习路径推荐: 官方网站,初步了解. 安装教程,安装之后跑起来. 入门教程,简单的模型学习和运行. 实战项目,根据自己的需求进行开发. 很多内容下面这个英文项目: Inspired by https://github.com/jtoy/awesome-tensorflow 官方网站 官网:https://www.tensorflow.org/ 中文:https://tensorflow.google.cn/…
Awesome-TensorFlow-Chinese TensorFlow 中文资源全集,学习路径推荐: 官方网站,初步了解. 安装教程,安装之后跑起来. 入门教程,简单的模型学习和运行. 实战项目,根据自己的需求进行开发. 很多内容下面这个英文项目: Inspired by https://github.com/jtoy/awesome-tensorflow 官方网站 官网:https://www.tensorflow.org/ 中文:https://tensorflow.google.cn/…
简介 一个比特币交易机器人基于 Tensorflow LSTM 模型,仅供娱乐. A Bitcoin trade robot based on Tensorflow LSTM model.Just for fun. 数据集 数据来自 btctrade ,用 requests 爬取,它包含比特币的 50 个交易记录. get_trades.py 会获取这些交易记录并且用图片的方式展示出来. 模型 rnn_predicter.py 使用 LSMT 模型.截取 10个交易记录作为输入,如果 第 11个…
上次写完粗浅的BP算法 介绍 本来应该继续把 卷积神经网络算法写一下的 但是最近一直在踩 TensorFlow的坑.所以就先跳过算法介绍直接来应用场景,原谅我吧. TensorFlow 介绍 TF是google开源出来的人工智能库,由python语言写的 官网地址:http://www.tensorflow.org/   请用科学上网访问 中文地址:http://www.tensorfly.cn/ 当然还有其他AI库,不过大多数都是由python 写的 .net 的AI库叫 Accord.net…
上次写完粗浅的BP算法 介绍 本来应该继续把 卷积神经网络算法写一下的 但是最近一直在踩 TensorFlow的坑.所以就先跳过算法介绍直接来应用场景,原谅我吧. TensorFlow 介绍 TF是google开源出来的人工智能库,由python语言写的 官网地址:http://www.tensorflow.org/   请用***访问 中文地址:http://www.tensorfly.cn/ 当然还有其他AI库,不过大多数都是由python 写的 .net 的AI库叫 Accord.net…
作者:韩信子@ShowMeAI 深度学习实战系列:https://www.showmeai.tech/tutorials/42 本文地址:https://www.showmeai.tech/article-detail/319 声明:版权所有,转载请联系平台与作者并注明出处 收藏ShowMeAI查看更多精彩内容 当今的很多AI算法落地,我们都需要依赖特定的机器学习框架,现在比较热门的 AI 工具库如 TensorFlow 和 PyTorch 都出自大厂,并且有很好的生态和资源,借助它们我们可以很…
保存和恢复模型(Save and restore models) 官网示例:https://www.tensorflow.org/tutorials/keras/save_and_restore_models 在训练期间保存检查点 在训练期间或训练结束时自动保存检查点.权重存储在检查点格式的文件集合中,这些文件仅包含经过训练的权重(采用二进制格式).可以使用经过训练的模型,而无需重新训练该模型,或从上次暂停的地方继续训练,以防训练过程中断 检查点回调用法:创建检查点回调,训练模型并将ModelC…
Awesome TensorFlow  A curated list of awesome TensorFlow experiments, libraries, and projects. Inspired by awesome-machine-learning. What is TensorFlow? TensorFlow is an open source software library for numerical computation using data flow graphs. I…
不错的 Tutorial: 从零到一学习计算机视觉:朋友圈爆款背后的计算机视觉技术与应用 | 公开课笔记 分享人 | 叶聪(腾讯云 AI 和大数据中心高级研发工程师) 整    理 | Leo 出    品 | 人工智能头条(公众号ID:AI_Thinker) 刚刚过去的五四青年节,你的朋友圈是否被这样的民国风照片刷屏?用户只需要在 H5 页面上提交自己的头像照片,就可以自动生成诸如此类风格的人脸比对照片,简洁操作的背后离不开计算机视觉技术和腾讯云技术的支持. 那么这个爆款应用的背后用到了哪些计…
微软在上月宣布组建自己的 AI 研究小组.该小组汇集了超过 5000 名计算机科学家和工程师,加上微软内部研究部门,将共同挖掘 AI 技术. 与此同时,亚马逊,Facebook,Google,IBM 还有微软联合宣布成立一个非盈利组织「人工智能合作伙伴」.该组织将致力于推进人工智能研究,树立开发新的人工智能技术准则,以及加强公众对人工智能的认识. 而巨头们也纷纷拿出了自己的看家本领,Apple 的 Siri 利用自然语言处理来识别语音命令:Facebook 的深度学习面部识别算法能够快速准确地识…
About this Course AI is not only for engineers. If you want your organization to become better at using AI, this is the course to tell everyone--especially your non-technical colleagues--to take. In this course, you will learn: The meaning behind com…
1. Introduction to TensorFlow for Artificial Intelligence, Machine Learning and Deep Learning This course is created by Google Brain and is part of Machine Learning and Deep Learning specialization from Andrew Ng. In this course, you will receive a b…
tensorflow环境安装1.安装虚拟机Virtrualbox下载地址:https://www.virtualbox.org/wiki/Downloads 2.下载安装Ubuntu镜像下载地址:https://www.ubuntu.com/download/desktop 3.下载安装anaconda下载地址:https://www.anaconda.com/download/ 把安装包放到Linux目录下, 执行sh Anaconda3-5.3.0-Linux-x86_64.sh会自动安装.…
https://github.com/tensorflow/tensorflow 原文地址 Machine Learning in the Cloud, with TensorFlow Wednesday, March 23, 2016   Posted by Slaven Bilac, Software Engineer, Google Research用TensorFlow在云端进行机器学习 At Google, researchers collaborate closely with pr…
Introduction to TensorFlow Lite TensorFlow Lite is TensorFlow’s lightweight solution for mobile and embedded devices. It enables on-device machine learning inference with low latency and a small binary size. TensorFlow Lite also supports hardware acc…