自定义博客皮肤VIP专享

*博客头图:

格式为PNG、JPG,宽度*高度大于1920*100像素,不超过2MB,主视觉建议放在右侧,请参照线上博客头图

请上传大于1920*100像素的图片!

博客底图:

图片格式为PNG、JPG,不超过1MB,可上下左右平铺至整个背景

栏目图:

图片格式为PNG、JPG,图片宽度*高度为300*38像素,不超过0.5MB

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+

TensorFlowNews

TensorFlow 代码,教程,资源,导航。

  • 博客(28)
  • 资源 (3)
  • 收藏
  • 关注

原创 【TensorFlow 官网 可以直接访问】让中国开发者更容易地使用TensorFlow打造人工智能应用

人工智能的神奇之处,在于它能被应用在医疗保健、交通运输和环境保护等方方面面,为复杂的社会问题探寻解决方案。如今,在人工智能的协助下,人们得以探索全新的研究领域,开发创新的产品,让数以百万计的用户从中获益。为了使人工智能触手可及,并推动机器学习领域的研究,Google 在 2015 年将机器学习框架 TensorFlow 开源。至今,TensorFlow 已成为世界上最受欢迎的开源人工智能框架,并在G

2017-08-31 11:52:39 488

翻译 Fashion-MNIST:A MNIST-like fashion product database. Benchmark

Zalando的文章图像的一个数据集包括一个训练集6万个例子和一个10,000个例子的测试集。 每个示例是一个28x28灰度图像,与10个类别的标签相关联。 时尚MNIST旨在作为用于基准机器学习算法的原始MNIST数据集的直接替代。一个非常有趣的数据集,也是十分类问题,不过是时尚相关的。https://github.com/zalandoresearch/fashion-mnistA datase

2017-08-28 14:13:24 471

原创 ChatGirl 一个基于 TensorFlow Seq2Seq 模型的聊天机器人[中文文档]

ChatGirl 一个基于 TensorFlow Seq2Seq 模型的聊天机器人[中文文档]简介简单地说就是该有的都有了,但是总体跑起来效果还不好。 还在开发中,它工作的效果还不好。但是你可以直接训练,并且运行。 包含预处理过的 twitter 英文数据集,训练,运行,工具代码,可以运行但是效果有待提高。数据集Twitter 数据集: https://github.com/suriyade

2017-08-25 23:37:57 2741 1

原创 ChatGirl is an AI ChatBot based on TensorFlow Seq2Seq Model.

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.TensorFlowNewsTensorFlow CNN Model Project:htt

2017-08-22 17:25:52 836

翻译 在TensorFlow中实现文本分类的卷积神经网络

在TensorFlow中实现文本分类的卷积神经网络 Github提供了完整的代码: https://github.com/jiegzhan/multi-class-text-classification-cnn在这篇文章中,我们将实现一个类似于Kim Yoon的卷积神经网络语句分类的模型。 本文提出的模型在一系列文本分类任务(如情绪分析)中实现了良好的分类性能,并已成为新的文本分类架构的标准基准

2017-08-21 16:09:52 925

翻译 了解对自然语言处理的卷积神经网络

了解对自然语言处理的卷积神经网络 当我们听到卷积神经网络(CNN)的时候,我们通常会想到计算机视觉。 CNN负责图像分类的重大突破,是当今大多数计算视觉系统的核心,从Facebook的自动照片标签到自动驾驶。最近我们也开始将CNN应用于自然语言处理中的问题,并获得了一些有趣的结果。 在这篇文章中,我将尝试总结一下CNN是什么,以及它们如何在NLP中使用。 对于“计算机视觉”用例来说,CNN背后的直

2017-08-21 16:09:14 433

翻译 A TensorBoard plugin for visualizing arbitrary tensors in a video as your network trains.

Beholder is a TensorBoard plugin for viewing frames of a video while your model trains. It comes with tools to visualize the parameters of your network, visualize arbitrary arrays like gradients。Behold

2017-08-17 10:34:20 383

翻译 Attention-based Extraction of Structured Information from Street View Imagery:基于注意力的街景图像提取结构化信息

基于注意力的街景图像提取结构化信息一种用于真实图像文本提取问题的TensorFlow模型。该文件夹包含在FSNS数据集数据集上训练新的注意OCR模型所需的代码,以在法国转录街道名称。 您还可以使用它来根据自己的数据进行培训。更多细节可以在我们的论文中找到:“从街景图像注意为基础提取结构化信息”项目地址:https://github.com/tensorflow/models/tree/master/

2017-08-16 11:22:48 2110 1

翻译 人工智能:学习用对抗神经网络加密来保护通信

这是一个稍微更新的模型,用于“学习用对抗神经网络加密来保护通信”的论文。我们想神经网络是否可以学习使用秘密密钥来保护来自其他神经网络的信息。具体来说,我们专注于确保多代理系统中的机密属性,并且我们根据对手指定这些属性。因此,一个系统可以由名叫Alice和Bob的神经网络组成,我们的目标是限制名为Eve的第三个神经网络从窃听Alice和Bob之间的通信中学到的东西。我们不为这些神经网络规定具体的加密算

2017-08-16 11:15:48 1712 1

翻译 TensorFlow-Slim image classification library:TensorFlow-Slim 图像分类库

TensorFlow-Slim 图像分类库TF-slim是用于定义,训练和评估复杂模型的TensorFlow(tensorflow.contrib.slim)的新型轻量级高级API。 该目录包含用于训练和评估使用TF-slim的几种广泛使用的卷积神经网络(CNN)图像分类模型的代码。 它包含脚本,允许您从头开始训练模型或从预训练的网络权重微调它们。 它还包含用于下载标准图像数据集的代码,将其转换为T

2017-08-16 11:15:05 923

翻译 在浏览器中运行Keras模型,并支持GPU

Keras.js推荐一下网页上的 demo https://transcranial.github.io/keras-js/#/加载的比较慢,但是识别的非常快。Run Keras models (trained using Tensorflow backend) in your browser, with GPU support. Models are created directly from

2017-08-16 10:48:02 713

原创 TensorFlow 多 GPU 处理并行数据

Multi-GPU processing with data parallelismIf you write your software in a language like C++ for a single cpu core, making it run on multiple GPUs in parallel would require rewriting the software from s

2017-08-15 15:03:07 1130

翻译 tensorflow 控制流操作,条件判断和循环操作

Control flow operations: conditionals and loopsWhen building complex models such as recurrent neural networks you may need to control the flow of operations through conditionals and loops. In this sect

2017-08-15 14:58:54 4469 2

翻译 谷歌发布 TensorFlow Serving

TensorFlow服务是一个灵活的,高性能的机器学习模型的服务系统,专为生产环境而设计。 TensorFlow服务可以轻松部署新的算法和实验,同时保持相同的服务器体系结构和API。 TensorFlow服务提供与TensorFlow模型的即开即用集成,但可以轻松扩展到其他类型的模型和数据。TensorFlow Serving is a flexible, high-performance serv

2017-08-09 20:18:54 439

原创 tf.contrib.seq2seq.sequence_loss example:seqence loss 实例代码

tf.contrib.seq2seq.sequence_loss example:seqence loss 实例代码#!/usr/bin/env python# -*- coding: utf-8 -*-import tensorflow as tfimport numpy as npparams=np.random.normal(loc=0.0,scale=1.0,size=[10,10])e

2017-08-08 21:16:23 1969

翻译 FaceBook 发布星际争霸最大 AI 数据集

简介我们刚发布了最大的星际争霸:Brood War 重播数据集,有 65646 个游戏。完整的数据集经过压缩之后有 365 GB,1535 million 帧,和 496 million 操作动作。OverviewWe release the largest StarCraft: Brood War replay dataset yet, with 65646 games. The full dat

2017-08-08 12:52:45 1002

翻译 使用 NLTK 对文本进行清洗,索引工具

使用 NLTK 对文本进行清洗,索引工具EN_WHITELIST = '0123456789abcdefghijklmnopqrstuvwxyz ' # space is included in whitelistEN_BLACKLIST = '!"#$%&\'()*+,-./:;<=>?@[\\]^_`{|}~\''FILENAME = 'data/chat.txt'limit = {

2017-08-08 12:05:19 1858

原创 tf.contrib.legacy_seq2seq.basic_rnn_seq2seq 函数 example 最简单实现

tf.contrib.legacy_seq2seq.basic_rnn_seq2seq 函数 example 最简单实现函数文档:https://www.tensorflow.org/api_docs/python/tf/contrib/legacy_seq2seq/basic_rnn_seq2seqimport tensorflow as tfimport numpy as npsteps=

2017-08-07 16:32:19 2586

原创 Keras 多层感知机 多类别的 softmax 分类模型代码

Multilayer Perceptron (MLP) for multi-class softmax classification:from keras.models import Sequentialfrom keras.layers import Dense, Dropout, Activationfrom keras.optimizers import SGD# 生成随机数据impor

2017-08-07 15:15:46 2738

原创 开始 Keras 序列模型(Sequential model)

开始 Keras 序列模型(Sequential model)序列模型是一个线性的层次堆栈。 你可以通过传递一系列 layer 实例给构造器来创建一个序列模型。The Sequential model is a linear stack of layers.You can create a Sequential model by passing a list of layer instances

2017-08-07 14:45:42 15320

原创 在 Mac OS X 上安装 TensorFlow

在 Mac OS X 上安装 TensorFlow这个文档说明了如何在 Mac OS X 上安装 TensorFlow。注意:从 1.2 版本开始,在 Mac OS X 上 TensorFlow 不再支持 GPU。确定如何安装 TensorFlow你可以选择一种方式安装 TensorFlow,支持下面的几种选择:virtualenv“本地” pipDocker从源代码安装,更专业有单独的文档

2017-08-07 13:24:25 856

翻译 用序列到序列和注意模型实现的翻译:Translation with a Sequence to Sequence Network and Attention

In this project we will be teaching a neural network to translate from French to English.最后效果:[KEY: > input, = target, < output]> il est en train de peindre un tableau .= he is painting a p

2017-08-06 20:13:51 703

原创 PyTorch 实战-张量

Numpy 是一个非常好的框架,但是不能用 GPU 来进行数据运算。Numpy is a great framework, but it cannot utilize GPUs to accelerate its numerical computations. For modern deep neural networks, GPUs often provide speedup

2017-08-06 19:59:30 629

原创 PyTorch 实战-用 Numpy 热身

Numpy provides an n-dimensional array object, and many functions for manipulating these arrays. Numpy is a generic framework for scientific computing; it does not know anything about computation gra

2017-08-06 19:57:16 490

原创 tf.nn.embedding_lookup TensorFlow embedding_lookup 函数最简单实例

tf.nn.embedding_lookup TensorFlow embedding_lookup 函数最简单实例#!/usr/bin/env python# -*- coding: utf-8 -*-import tensorflow as tfimport numpy as npparams=np.random.normal(loc=0.0,scale

2017-08-05 15:41:09 1380

原创 tensorflow rnn 最简单实现代码

因为现在的 example 都比较复杂涉及东西比较多,抽出来一个极简版本。#!/usr/bin/env python# -*- coding: utf-8 -*-import tensorflow as tffrom tensorflow.contrib import rnnimport numpy as npx=tf.placeholder(dtype=tf.flo

2017-08-05 15:38:29 1405

原创 nltk 获取 gutenberg 语料,gensim 生成词库和 onehot 编码

nltk 获取 gutenberg 语料gensim 生成词库和 onehot 编码正在尝试基于 Tensorflow LSTM 模型开发另外一个项目,需要自然语言处理的工具和语料。import nltkimport numpy as npfrom nltk.corpus import gutenbergfrom gensim import corpora, models

2017-08-02 17:06:30 1280

原创 nltk 中的 sents 和 words

nltk 中的 sents 和 words ,为后续处理做准备。#!/usr/bin/env python# -*- coding: utf-8 -*-from nltk.corpus import gutenbergsents = gutenberg.sents("burgess-busterbrown.txt")print(sents[1:20])words =

2017-08-01 23:31:19 2702

mysql-connector-java-5.1.24.zip

mysql connector java

2013-04-24

php典型模块与项目实战大全书中源码

涉及众多热门技术,融汇6个开源项目,整合18种主流PHP解决方案   精选12个典型模块和6个PHP大型应用,实战PHP开发与建站   计划在51CTO等专业技术网站的读书频道宣传;   计划在PHPchina网站做推广;   计划在互动、当当、卓越等网络书店宣传;

2012-05-23

空空如也

TA创建的收藏夹 TA关注的收藏夹

TA关注的人

提示
确定要删除当前文章?
取消 删除