- 博客(38)
- 资源 (1)
- 收藏
- 关注
原创 一步一步分析讲解深度神经网络基础-Recurrent Neural Networks
我们知道在现实生活中,我们的数据往往和时间相关。 Time-Series Data就是说时间序列数据。 我们身体里的基因也是一种序列。 the data of a genome sequence- where every sequence has a different meaning. 基因组序列的数据,其中每个序列具有不同的含义。 而RNNs是处理Time-Series Data最新的一
2018-01-04 21:47:45
2260
原创 第三阶段-tensorflow项目之语言language相关--词向量模型word2vec model
In this tutorial we look at the word2vec model by Mikolov et al. This model is used for learning vector representations of words, called “word embeddings”.1,Highlights (强调)本教程旨在强调在TensorFlow中构建word2vec
2018-01-04 16:23:27
847
原创 一步一步理解自然语言处理之word2vec工具相关算法演进
2013年,Google的Mikolov et al开源了一款用于词向量计算的工具——word2vec,引起了工业界和学术界的关注。首先,word2vec可以在百万数量级的词典和上亿的数据集上进行高效地训练;其次,该工具得到的训练结果——词向量(word embedding),可以很好地度量词与词之间的相似性。 word2vec的成长历程。站在巨人的肩膀上第一阶段Statistical La
2018-01-03 13:13:04
2065
原创 第三阶段-tensorflow项目之图像image相关--tensorflow搭建CNNs 之CIFAR-10多个GPU运行
本blog面向有TensorFlow经验的用户,并有机器学习方面的专业知识和经验。1,Overview概述CIFAR-10分类是机器学习中常见的标准基础问题。 问题是分类10个类别的RGB 32x32像素图像:airplane, automobile, bird, cat, deer, dog, frog, horse, ship, and truck.1.1,goals本blog的目标是建立一个
2018-01-03 10:32:40
1073
原创 第三阶段-tensorflow项目之图像image相关--tensorflow搭建卷积神经网络CNNs
The TensorFlow layers module provides a high-level API that makes it easy to construct a neural network. It provides methods that facilitate the creation of dense (fully connected) layers and convoluti
2018-01-02 15:17:08
2244
原创 第三阶段-tensorflow项目之图像image相关--图片分类训练效率之迁移学习
现代物体识别模型有数百万个参数,可能需要数周才能完成训练。 transfer learning转移学习是一种技巧,通过为ImageNet等一系列类别提供全面训练的模型,并从现有的新类别权重中重新进行训练,从而缩短了大量工作量。 在这个例子中,我们将从头开始对最后一层进行再训练,同时将所有其他层保持原样。 有关该方法的更多信息,请参阅Decaf上的这篇论文。https://pan.baidu.com/
2017-12-28 15:24:24
4728
原创 第三阶段-tensorflow项目之图像image相关--Image Recognition图像识别
Image Recognition图像识别我们大脑识别图像非常简单。我们的大脑让视觉看起来很容易。 对于人类来说,分开一只狮子和一只美洲虎,读一个标牌,或者认出一个人的脸,并不费事。 但使用计算机来识别图像的内容是非常不易的。在过去的几年里,机器学习领域在解决这些难题方面取得了巨大的进步。 具体而言,我们发现一种称为深度卷积神经网络CNNs的模型能够在硬视觉识别任务上达到合理的性能 - 在某些领域匹
2017-12-28 11:25:42
1876
原创 第二阶段-tensorflow程序图文详解(九)TensorFlow版本兼容性
本文档面向需要在不同版本的TensorFlow(代码或数据)之间向后兼容的用户,以及希望在保持兼容性的同时修改TensorFlow的开发人员。TensorFlow遵循语义版本2.0(semver)为其公共API。 TensorFlow的每个发行版都有MAJOR.MINOR.PATCH格式。例如,TensorFlow版本1.2.3具有MAJOR版本1,MINOR版本2和PATCH版本3.对每个数字的更
2017-12-28 11:00:22
4218
原创 第二阶段-tensorflow程序图文详解(八)Debugging TensorFlow Programs
TensorFlow debugger (tfdbg) is a specialized debugger for TensorFlow. It lets you view the internal structure and states of running TensorFlow graphs during training and inference, which is difficult t
2017-12-27 16:47:34
2103
原创 第二阶段-tensorflow程序图文详解(七) Embeddings
This document introduces the concept of embeddings, gives a simple example of how to train an embedding in TensorFlow, and explains how to view embeddings with the TensorBoard Embedding Projector. The
2017-12-27 14:33:58
1109
原创 第二阶段-tensorflow程序图文详解(六) Importing Data
The Dataset API enables you to build complex input pipelines from simple, reusable pieces. For example, the pipeline for an image model might aggregate data from files in a distributed file system, app
2017-12-27 14:14:07
3257
原创 第二阶段-tensorflow程序图文详解(五) Saving and Restoring
This document explains how to save and restore variables and models. 这篇blog讨论变量,模型的存储和加载。1,Saving and restoring variablesA TensorFlow variable provides the best way to represent shared, persistent sta
2017-12-26 17:49:04
7440
原创 第二阶段-tensorflow程序图文详解(四) Graphs and Sessions
TensorFlow uses a dataflow graph to represent your computation in terms of the dependencies between individual operations. This leads to a low-level programming model in which you first define the data
2017-12-26 16:50:21
4554
原创 第二阶段-tensorflow程序图文详解(三) Variables
A TensorFlow variable is the best way to represent shared, persistent state manipulated by your program.Variables are manipulated via the tf.Variable class. A tf.Variable represents a tensor whose valu
2017-12-26 14:29:14
1916
2
原创 一步一步分析讲解深度神经网络基础-Convolutional Neural Network
Convolutional Neural Network 参考http://cs231n.github.io/convolutional-networks/history Convolutional Neural Networks (CNNs / ConvNets)Convolutional Neural Networks are very similar to ordinary Neural
2017-12-25 14:31:06
24577
2
原创 一步一步分析讲解神经网络基础-Feedforward Neural Network
A feedforward neural network is an artificial neural network wherein connections between the units do not form a cycle. As such, it is different from recurrent neural networks. The feedforward neural
2017-12-25 13:39:58
22451
1
原创 一步一步分析讲解神经网络基础-activation function
activation function:在神经网络中经常,看到它的身影。那现在问题来啦。它是什么?为什么需要它? 有些回答:增加非线性特征。解决线性无法分割的难题,…。严格来讲这些回答太笼统。 第一个问题:先来回答它是什么? 它是一个non-linear function. 是一个连续的函数, 并且在定义域内处处可微。 (可微,不一定可导。这是微分的基础知识,不太清楚的童鞋,一定要把断点
2017-12-25 10:40:43
1337
原创 一步一步分析讲解神经网络基础-gradient descent algorithm
有兴趣的朋友可以看一下paper,百度网盘:https://pan.baidu.com/s/1slRxFZn 看这篇是cs上的一篇paper,将gd算法讲解复杂。打算使用通俗的方式讲解出来。 Gradient descent is a first-order iterative optimization algorithm for finding the minimum of a functio
2017-12-22 19:15:44
2102
原创 一步一步分析讲解神经网络基础-backpropagation algorithm
backpropagation算法 neutral network的基础。需要要掌握的基础知识。理解地方。我用红色字体输出。The project describes teaching process of multi-layer neural network employing backpropagation algorithm. To illustrate this process the th
2017-12-22 18:01:22
1506
1
原创 第二阶段-tensorflow程序图文详解(二) Tensors
如TensorFlow名称所示,TensorFlow是定义和运行涉及张量的计算的框架。 张量是向量和矩阵向可能更高维度的推广。 在内部,TensorFlow将张量表示为基本数据类型的n维数组。A tf.Tensor has the following properties:a data type (float32, int32, or string, for example)a shape张量
2017-12-22 13:12:46
660
原创 第二阶段-tensorflow程序图文详解(一)Estimators
第二阶段的文档介绍,编写TensorFlow代码的细节。 注意:TensorFlow 1.3版本之后官方文档及API改动比较大。 blog使用1.4版本。Estimators是一个高层次的tensorflow API,能极大简化tensorflow程序。 注意:TensorFlow还在tf.contrib.learn.Estimator中包含一个弃用的Estimator类。 1, trai
2017-12-21 18:02:01
2820
原创 第一阶段-入门详细图文讲解tensorflow1.4 -(十一)TensorBoard Histogram Dashboard
TensorBoard直方图仪表板显示TensorFlow图中某些张量的分布随时间如何变化。 它通过在不同的时间点显示张量的许多直方图可视化。一,看一个基础例子a normally-distributed variable,一个正态分布值。mean随着时间的变化。 我们直接使用tf.random_normal操作。完美解决。 当然,还要使用TensorBoard,summary操作填充数据。代码
2017-12-21 17:37:13
2443
原创 第一阶段-入门详细图文讲解tensorflow1.4 -(十)TensorBoard: Graph Visualization
graph在调试,理解tensorflow程序有很大帮助。直观,看下面这张图 看不懂不碍事,本blog就是引导大家看懂tensorflow的graph.怎么运行graph请看上篇blog。看几个关键的概念一,Name scoping and nodes(命名空间和节点)name scoping:是为了简化graph的显示。将图表中的节点上定义一个层级。 nodes:每一个图标,就是一个节点。
2017-12-21 11:38:08
4291
2
原创 第一阶段-入门详细图文讲解tensorflow1.4 -(九)TensorBoard: Visualizing Learning
The computations you’ll use TensorFlow for - like training a massive deep neural network - can be complex and confusing. To make it easier to understand, debug, and optimize TensorFlow programs, we’ve
2017-12-20 16:24:38
805
原创 第一阶段-入门详细图文讲解tensorflow1.4 -(八)tf.estimator构建数据预处理bostonHouse
本次训练的目的:模型预测的标签是MEDV,即波士顿自住住宅的中值,以千美元计。 Feature Description CRIM 人均犯罪率
2017-12-20 11:25:07
2751
原创 第一阶段-入门详细图文讲解tensorflow1.4 -(七)tf.estimator的IRIS
tf.estimator是tensorflow高级API。可以很容易建立神经网络分类器。应用于iris数据集。根据萼片/花瓣的几何描述,进行分类。并且用来预测未知样本属于的花种类。 A training set of 120 samples (iris_training.csv) A test set of 30 samples (iris_test.csv).1,加载数据from
2017-12-19 16:23:34
989
原创 第一阶段-入门详细图文讲解tensorflow1.4 -(六)tensorflow运行机制MNIST
本篇blog目的:展示如何使用tensorflow训练和评估一个简单的前馈神经网络。a simple feed-forward neural network 。面向一些有经验的机器学习人员。使用的两个文件。准备数据 1,使用MNIST的数据。 2,我们适应额外的两个占位符tf.placeholder。images_placeholder = tf.placeholder(tf.float32,
2017-12-19 14:41:17
1061
原创 第一阶段-入门详细图文讲解tensorflow1.4 API-tf.nn.max_pool
max_pool( value,#一个4维张量,由data_format指定 ksize,#一维整型张量,是一个窗口尺寸,由输入张量每一维决定 strides,#一维张量,表示分割窗口的步长,由输入张量每一维决定 padding,#边缘填充方式 data_format=’NHWC’,#数据格式的顺序 name=None#操作的名称 )ma
2017-12-18 11:43:40
376
原创 第一阶段-入门详细图文讲解tensorflow1.4 API-tf.nn.conv2d
conv2d( input,#输入一个4维tesor[batch, in_height, in_width, in_channels] filter,#同样是一个4维tensor[filter_height, filter_width, in_channels, out_channels] strides,#步长,一维tensor表示 padding,#边界填充,一般
2017-12-15 18:40:03
759
原创 第一阶段-入门详细图文讲解tensorflow1.4 API-tf.reshape
reshape( tensor,#旧的tensor shape,#新的tensor的shape name=None#操作名称)tf.reshape是用来改变tensor的形状,生成一个新的tensor,看下面的例子。# tensor 't' is [1, 2, 3, 4, 5, 6, 7, 8, 9]# tensor 't' has shape [9]reshape(t
2017-12-15 15:54:06
623
原创 第一阶段-入门详细图文讲解tensorflow1.4 API-tf.truncated_normal
tensorflow1.4 truncated_normal( shape,#输出新tensor的shape mean=0.0,#均值 stddev=1.0,#标准差 dtype=tf.float32,#输出的类型 seed=None,#一个随机种子 name=None#操作的名称,可选项)truncated_normal是用来随机输出一个tenso
2017-12-15 15:44:18
616
原创 第一阶段-入门详细图文讲解tensorflow1.4 -(五)MNIST-CNN
在第一阶段-入门详细图文讲解tensorflow1.4 -(四)新手MNIST上只有91%正确率,实在太糟糕。在本博客里,我们用一个稍微复杂的模型:a small convolutional neural network 卷积神经网络来改善效果。这会达到大概99.2%的准确率。直接跳过,数据载入,构建softmax模型,训练模型,评估模型。不明白请阅读: 第一阶段-入门详细图文讲解tensorf
2017-12-15 13:49:38
979
原创 第一阶段-入门详细图文讲解tensorflow1.4 -(四)新手MNIST
MNIST:机器学习中的helloWorld。是一个入门级的计算机视觉数据集。 它包含各种手写数字图片: 上面这4张图片的标签是5,0,4,1。 官方的文档比较啰嗦,简而言之。 最终目的:使用tensorflow训练一个手写体图像识别模型,识别一张手写数字照片。Step1:MNIST训练图片数据。图片:28像素X28像素预处理之后的照片。训练集:55000行 预测集:10000行 交
2017-12-14 16:04:18
1214
原创 第一阶段-入门详细图文讲解tensorflow1.4 -(三)TensorFlow 编程基础知识
开始之前先把准备工作做好。 打开Anaconda。 没有安装移步 第一阶段-入门详细图文讲解tensorflow1.4 -安装(二)Windows CPU or GPU 当然有很多python IED。看你熟悉哪个IDE。新手如果没有经验先按我的步骤走,可以避免入坑。打开spyder ——–>开始我们的tensorflow征程<——对于小白直接开始tensorflow基础知识是有困难的。
2017-12-13 18:04:17
4135
原创 第一阶段-入门详细图文讲解tensorflow1.4 -安装(二)Windows CPU or GPU
保证这篇blog更具有指导价值。遵循排版简明,步骤清晰,逻辑严谨。 我们推荐使用GPU运行tensorflow,因为GPU比CPU更适合张量的运算(不懂张量不碍事,我们在后面详细介绍张量),效率成倍数提升。但是并不是每台设备都配备GPU。所以还是使用CPU作为blog基础。推荐使用python做为API(适合入门,容易上手,代码简洁,最重要的是能混合其他DL库一块使用)一,windows 7安
2017-12-13 15:43:25
4355
原创 第一阶段-入门详细图文讲解tensorflow1.4 -简介(一)
An open-source software library for Machine Intelligence简介tensorflow白皮书TensorFlow™ 是一个使用数据流图进行数值计算的开源软件库。图中的节点代表数学运算, 而图中的边则代表在这些节点之间传递的多维数组(张量)。这种灵活的架构可让您使用一个 API 将计算工作部署到桌面设备、服务器或者移动设备中的一个或多个 CPU 或 G
2017-12-12 10:40:33
1363
原创 C语言中的类型转换!
自动转换发生在不同数据类型运算时,在编译的时候自动完成。自动转换遵循的规则就好比小盒子可以放进大盒子里面一样,下图表示了类型自动转换的规则。缩写:ASCII英文全称:American Standard Code for Information Interchange美国信息交换标准代码是一种用于信息交换的美国标准代码。7位字符集广泛用于代表标准美国键盘上的字符或符号
2015-12-04 23:43:12
592
原创 计算机语言渊源
VC:Visual C++,微软公司高级可视化计算机程序开发语言。C语言被人们称为近十年来对计算机程序设计最大的贡献之一。它有高级语言简单易用的特性,又可以完成汇编语言才能做的许多工作。因此,C语言特别适合用来编写各种复杂软件。如果说BASIC语言是初学者和业余爱好者的编程语言的话,那么C语言就是专业人员的编程语言了。VB:Visual Basic的缩写,微软公司高级可视化计算机程序开
2015-12-03 01:13:12
415
mini_pragram_bluethooth_printer.rar
2019-06-04
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人