E-COM-NET
首页
在线工具
Layui镜像站
SUI文档
联系我们
推荐频道
Java
PHP
C++
C
C#
Python
Ruby
go语言
Scala
Servlet
Vue
MySQL
NoSQL
Redis
CSS
Oracle
SQL Server
DB2
HBase
Http
HTML5
Spring
Ajax
Jquery
JavaScript
Json
XML
NodeJs
mybatis
Hibernate
算法
设计模式
shell
数据结构
大数据
JS
消息中间件
正则表达式
Tomcat
SQL
Nginx
Shiro
Maven
Linux
Tensorflow2.x
TensorFlow2.x
学习笔记(七)Keras高层接口
Keras高层接口这里所指的均为tf.kerasKeras高层APImetricsacc_meter=metrics.Accuracy()loss_meter=metrics.Mean()update_stateloss_meter.update_state(loss)acc_meter.udate_state(y,pred)result().numpy()print(step,'loss:',l
IDrandom
·
2020-08-02 16:49
tensorflow
TensorFlow2.x
学习笔记(六)随机梯度下降以及数据可视化
文章目录梯度下降简介梯度利用梯度优化AutoGradwithTensorflowGradientTapePersistentGradientTape2nd−order2^{nd}-order2nd−order激活函数及其梯度Sigmoid/LogisticTanhReLULoss及其梯度MSESoftmax[Crossentropygradient](https://blog.csdn.net/I
IDrandom
·
2020-08-02 16:49
tensorflow
TensorFlow2.x
学习笔记(八)过拟合
过拟合与欠拟合Modelcapacity当模型的复杂度增强时,模型的表达性也随之增强,以多项式为例y=β0+β1x+β2x2+...+βnxn+ϵy=\beta_0+\beta_1x+\beta_2x^2+...+\beta_nx^n+\epsilony=β0+β1x+β2x2+...+βnxn+ϵ随着阶数的增加,可表示的模型也就越多,模型的表示能力也就越强。Underfittingmodelca
IDrandom
·
2020-08-02 16:49
tensorflow
TensorFlow2.x
学习笔记(五)神经网络与全连接层
文章目录数据加载keras.datasetsbostonhousingmnist/fashionmnistcifar10/100imdbtf.data.DatasetExample全连接层DenseSequentialOutputy∈Rdy\inR^dy∈Rdyi∈[0,1]y_i\in[0,1]yi∈[0,1]tf.sigmoidyi∈[0,1],∑yi=1y_i\in[0,1],\sum{y_
IDrandom
·
2020-08-02 16:48
tensorflow
tensorflow2.x
实时绘制训练时的损失和准确率
sgd=SGD(lr=float(model_value[3]),decay=1e-6,momentum=0.9,nesterov=True)model.compile(loss='categorical_crossentropy',optimizer=sgd,metrics=['accuracy'])#validation_split:0~1之间的浮点数,用来指定训练集的一定比例数据作为验证集h
Como0413
·
2020-08-02 15:54
python
TensorFlow2.x
的安装
安装
TensorFlow2.x
安装TensorFlow2.xTensorFlow的系统环境Anaconda的下载安装创建
TensorFlow2.x
虚拟环境conda换源创建虚拟环境
TensorFlow2
高崖残雪已无多
·
2020-08-01 10:30
python
TensorFlow
anaconda
TensorFlow2.x
——深度深度神经网络(DNN)搭建
深度深度神经网络(DNN)搭建深度神经网络的搭建,其实与一般的网络搭建类似,只不过在构成网络层数的时候layer层更多,一下给出一个构件layer的一个示例,其它层构件请参考我之前的博客,链接:https://blog.csdn.net/qq_40913465/article/details/104249124layer层网络构建代码示例:#使用序贯模型Sequentialtf.keras.mod
一只工程狮
·
2020-07-30 20:22
TensorFlow
tensorflow2.x
个人学习笔记以及tensorflow踩坑日记
前言:下面整理了
tensorflow2.x
学习的过程中自己整理的一些笔记,后续会不断的更新一、服务器端的tensorboard文件如何在本地浏览器中查看(1)第一步:登录服务器:——使用SSH登录在本地计算机使用先用
LoveMIss-Y
·
2020-07-28 06:02
tensorflow2.x
TensorFlow
Tensorflow 笔记 Ⅰ——TensorFlow 编程基础
基本语法介绍一、TensorFlow1.x计算图(数据流图)的概念常量与变量常量constant变量Variable张量Tensor操作Operation占位符placeholder会话Session二、
TensorFlow2
DeepHao
·
2020-07-16 07:24
TensorFlow基础笔记
通过生成人工数据集合,基于TensorFlow实现y=3*x+2线性回归
importnumpyasnpimportmatplotlib.pyplotaspltimporttensorflow.compat.v1astf#tf.enable_eager_execution()#在TensorFlow1.X版本中启用EagerExecution模式tf.disable_eager_execution()#在
TensorFlow2
CR-Box
·
2020-07-14 17:41
深度学习
Tensorflow2.x
GPU 配置 —— Linux
目录Tensorflow2.xGPU支持安装NVIDIA驱动1.使用包管理工具2.手动下载安装安装CUDA库安装cuDNN库添加库路径更新cuDNN的坑
Tensorflow2.x
在Tensorflow还是
Gingkens
·
2020-07-14 01:01
AI
解决tensorflow出现AttributeError和RuntimeError:The Session graph is empty.
首先,说明问题是出在
tensorflow2.x
与tensorflow1.x的用法不同上。
风太师叔真传
·
2020-07-13 14:22
Ubuntu16.04安装
TensorFlow2.x
CPU和GPU必备指南
原文内容:https://github.com/apachecn/AiLearning/blob/master/docs/
TensorFlow2.x
/安装指南.mdCPU安装:pipinstalltensorflowGPU
片刻-ApacheCN
·
2020-07-12 01:27
TF
快速入门教程
TensorFlow2.x
——回归模型(regression)搭建
回归模型(regression)搭建回归模型是一种预测性的建模技术,它研究的是因变量(目标)和自变量(预测器)之间的关系。这种技术通常用于预测分析,时间序列模型以及发现变量之间的因果关系。例如,司机的鲁莽驾驶与道路交通事故数量之间的关系,房价预测等。代码示例:importmatplotlibasmplimportmatplotlib.pyplotasplt%matplotlibinline#为了能
一只工程狮
·
2020-07-11 19:20
TensorFlow
tensorflow2.x
学习笔记七:ImageDataGenerator的使用
tf.keras.preprocessing.image.ImageDataGenerator(featurewise_center=False,samplewise_center=False,featurewise_std_normalization=False,samplewise_std_normalization=False,zca_whitening=False,zca_epsilon=
万能的小黑Alex
·
2020-07-11 19:25
tensorflow2.x
学习笔记九:tensorflow(keras)损失函数之平均绝对值、均方误差
一、MeanAbsoluteError类tf.keras.losses.MeanAbsoluteError(reduction=losses_utils.ReductionV2.AUTO,name='mean_absolute_error')下面举几个例子mae=tf.keras.losses.MeanAbsoluteError()##左边的参数是y_true,右边是y_predloss=mae(
万能的小黑Alex
·
2020-07-11 19:54
Tensorflow 1.X 与 2.X版本共存的解决方案——在PC上建立一个虚环境,实现Tensorflow 1.X 与 2.X两个版本共存。
由于Tensorflow1.X版本与2.X版本存在较大的差异,在Tensorflow1.X实现的项目,有些并不能够直接在
Tensorflow2.X
上运行。
57种
·
2020-07-11 02:51
虚拟环境
Tensorflow
2.X
Tensorflow
Python
TensorFlow2.x
使用之快速入门
文章目录1.数据类型1.1数值类型1.2字符串类型1.3布尔类型2.数值精度2.1读取精度2.2类型转换3.待优化张量4.创建张量4.1从数组、列表对象创建4.2创建全0或全1张量4.3创建自定义数值张量4.4创建已知分布的张量4.5创建序列5.索引与切片5.1索引5.2切片6.维度变换6.1改变视图6.2增删维度6.3交换维度6.4复制数据7.Broadcasting8.数学运算8.1加减乘除运
Djnsakn
·
2020-07-10 19:39
Tensorflow
神经网络
如何修复module tensorflow has no attribute Session以及其产生问题的原因
Traceback(mostrecentcalllast):File"",line1,inAttributeError:module'tensorflow'hasnoattribute'Session'解决在
TensorFlow2
花与火山石
·
2020-07-09 22:10
TensorFlow
tensorflow
深度学习
机器学习
tensorflow2.x
使用cuda10.2(非常简单)
#目前tensorflow2.2官方标配cuda10.1,也是官方在github给出方案,修改cuda软链接即可,非常简单。也不影响pytorch1.5(cuda10.2)的继续使用。#前提是你已经正确安装cuda10.2,检查:nvidia-sminvcc-V#干正事(重点就这二步):cd/usr/local/cuda-10.2/targets/x86_64-linux/lib/ln-slibc
泥鳅812
·
2020-07-08 05:10
Linux
ML
python
【学记】
Tensorflow2.x
第一弹-Mnist_CNN
最近一段时间发现,对于
Tensorflow2.x
版本的许多新特性和函数都没有认识很深,对它的认知还停留在去年,直到今年用的时候才发现,以前在GitHub上老的程序连Tensorflow1.14.0都跑不起来了
YangLi0407
·
2020-07-06 03:10
Tensorflow
TensorFlow Lite开发系列之python接口解析(一)
环境:
tensorflow2.x
,一定要使用linux系统,后期转换模型windows会出现bugAPI解析网址:https://tensorflow.google.cn/api_docs/python
呀哈呀哈呀哈
·
2020-07-06 02:46
TensorFlow
Lite开发
Pytorch从0到1系列之(0)---安装Pytorch
就好比你想尝一口蛋炒饭的味道,虽然TensorFlow已经给你准备好了米、鸡蛋和各种调料,但是你依旧需要在吃这口饭之前煮米、打鸡蛋,生火(不过目前
TensorFlow2.X
版本正在
东写西读1
·
2020-07-05 17:18
Pytorch
tensorflow2.x
学习笔记十九:tensorflow中的自动微分机制
神经网络通常依赖反向传播求梯度来更新网络参数,求梯度过程通常是一件非常复杂而容易出错的事情。而深度学习框架可以帮助我们自动地完成这种求梯度运算。Tensorflow一般使用梯度磁带tf.GradientTape来记录正向运算过程,然后反播磁带自动得到梯度值。这种利用tf.GradientTape求微分的方法叫做Tensorflow的自动微分机制。一、利用梯度磁带求导数对变量求导数importten
万能的小黑Alex
·
2020-07-05 07:47
tensorflow2.x
学习笔记一:简述在Anaconda下安装tf2.1的步骤
首先在官网下载安装好Anaconda,目前tf2.1支持python3.5-3.7,所以应该下载所需版本安装CUDA传送门和CUDNN传送门,注意一定要和目前的tf2.1支持的版本匹配,比如CUDA10.1,cuDNNv7.6.5。具体安装过程,参考此处传送门在Anaconda中创建虚拟环境,在开始菜单中打开AnacondaPrompt,然后在命令行输入condacreate-ntf2.1pyth
万能的小黑Alex
·
2020-07-05 07:47
Tensorflow2.x
训练网络时的指标输出,以及模型结构图导出
训练指标输出1.使用TensorBoard2.使用History类TensorBoradTensorBoard的Scalars可以可视化这些指标使用步骤:记录训练中的指标,需要执行以下操作:创建KerasTensorBoard回调指定日志目录将TensorBoard回调传递Keras的Model.fit()回调函数:tf.keras.callbacks.TensorBoard(log_dir='l
FlyDremever
·
2020-07-05 05:10
ML&DL
tensorflow
深度学习
python
可视化
机器学习
tensorflow中的检查点checkpoint详解(二)——以tensorflow1.x 的模型保存与恢复为主
前言:前面专门讲解了一篇关于
tensorflow2.x
的文件保存,主要是介绍了两种模式,一个是keras的h5文件,一个是tensorflow专用的SavedModel(.pb文件)文件,详细请参考:详解
LoveMIss-Y
·
2020-07-05 03:50
tensorflow2.x
TensorFlow
TensorFlow2.x
冻结模型,保存为.pb格式方便部署
1、用tf.keras创建模型inputs=tf.keras.Input(shape=(1000,9,),name='input')input=tf.keras.layers.Flatten(name="flatten")(inputs)f1=tf.keras.layers.Dense(512,activation='relu',name='dense_1')(input)d1=tf.keras.
布布汪
·
2020-07-04 18:56
tensorflow
深度学习
机器学习
神经网络
TensorFlow2.x
的Keras对Fashion MNIST数据集的基本图像分类(完整过程)
目录导入FashionMNIST数据集探索数据预处理数据建立模型训练模型使用训练好的模型导入需要的包importtensorflowastffromtensorflowimportkerasimportnumpyasnpimportmatplotlib.pyplotaspltprint(tf.__version__)导入FashionMNIST数据集在这里,使用60,000张图像来训练网络,使用1
dijkstra_prime
·
2020-07-04 14:49
[
Tensorflow2.X
][原创]入门基础之fashion_mnist分类
[
Tensorflow2.X
][原创]入门基础之fashion_mnist分类importtensorflowastfimportmatplotlib.pyplotaspltimportnumpyasnpimportpandasaspdimportsklearnimportosimportsysdefplot_learning_curves
FL1623863129
·
2020-07-04 05:47
[
Tensorflow2.X
][转载]深度可卷积神经网络实现mnist识别
fromtensorflowimportkerasimporttensorflowastfimportmatplotlib.pyplotaspltimportnumpyasnpimportpandasaspdimportsklearnimportosimportsysdefplot_learning_curves(history):pd.DataFrame(history.history).plo
FL1623863129
·
2020-07-04 05:16
tensorflow
[
Tensorflow2.X
][转载]卷积神经网络实现mnist识别
fromtensorflowimportkerasimporttensorflowastfimportmatplotlib.pyplotaspltimportnumpyasnpimportpandasaspdimportsklearnimportosimportsysdefplot_learning_curves(history):pd.DataFrame(history.history).plo
FL1623863129
·
2020-07-04 05:16
tensorflow
tensorflow2.x
报错 Could not load dynamic library cudnn64_7.dll
前往官网下载所需得cuddn补丁:戳我之后将文件全部复制到相应得中,即可。测试获取gpu:importtensorflowastftf.debugging.set_log_device_placement(True)gpus=tf.config.experimental.list_physical_devices('GPU')forgpuingpus:tf.config.experimental.
星月夜语
·
2020-07-02 09:58
python
工具使用
tensorflow
cudnn
Windows下Python的虚拟环境安装Tensorflow
要实现Tensorflow1.x与
Tensorflow2.x
版本并存,我们安装一个Python的虚拟环境,兼容Tensorlfow的各个版本,在本地电脑上运行多个Python环境:(1)
Tensorflow2
段智华
·
2020-07-01 23:49
TensorFlow-重新学习第1天
温故
TensorFlow2.x
的封装度比TensorFlow1.x高了很多。由于太长时间没有写过TensorFlow相关的代码,很多知识点有些遗忘,因此比照着官方文档,重新学习一下。通过代码学习!
扎手的苍耳
·
2020-07-01 15:38
编程语言-Python
tensorflow2.x
变量初始化
TensorFlow2.x
和PyTorch已经很像了,可以直接输出Tensor的值,不用sess.run()了,很直观。
xuefengxiaoyang
·
2020-06-30 03:17
tensorflow
tensorflow2.x
版本无法调用gpu的一种解决方法
最近学校给了一个服务器账号用来训练神经网络使用,服务器本身配置是十路titanV,然后在上面装了tensorflow2.2,对应的python版本是3.6.2,装好之后用tf.test.is_gpu_available()查看是否能调用gpu,结果返回结果是false,具体如下:这里tensorflow应该是检测出了gpu,但是因为某些库无法打开而导致tensorflow无法调用,返回了false
scrence
·
2020-06-26 07:44
tensorflow
入坑tensorflow2系列(一)——tensorflow1.X与
tensorflow2.X
的区别
一tf.Session()vsEagerexecutiontf1:tf2:a=tf.constant(1)a=tf.constant(1)b=tf.constant(2)b=tf.constant(2)c=tf.add(a,b)c=tf.add(a,b)withtf.Session()assess:print(c)print(sess.run(c))如果要取得tensor中的值:c.numpy()
qqlqqlqq
·
2020-06-26 04:51
TensorFlow2.X
——读取tfrecord文件数据应用到tf.Keras模型中
读取tfrecord文件数据应用到tf.Keras模型中代码示例:#tfrecord文件展示pprint.pprint(train_tfrecord_filenames)pprint.pprint(vaild_tfrecord_filenames)pprint.pprint(test_tfrecord_filenames)[‘generate_tfrecords\train_00000-of-00
一只工程狮
·
2020-06-25 19:34
TensorFlow
tensorflow2.x
学习笔记十一:
tensorflow2.x
如何保存和加载模型
一、模型的保存我们在保存模型的时候既可以保存权重+图结构,也可以只保存权重1.保存权重+图结构:有四种方式,一种是直接调用saved_model下的saveAPI;另一种是添加callbacks参数,后者要注意save_weights_only参数要设为False;还有一种就是直接使用model.saveAPI;最后一种就是使用tf.keras.models下的save_modelAPI。tf.s
万能的小黑Alex
·
2020-06-25 16:20
tensorflow
深度学习
tensorflow2.x
学习笔记三:将keras的项目移植到
tensorflow2.x
下需要注意的问题
基础知识看的差不多的了,所以最近开始玩一些有趣的项目。因为现在tensorflow已经作为keras的后端,将其集成了过来,API是在tf.keras下面,所以keras的项目也可以使用,只需要稍作修改即可为了方便移植,我们一般都是直接从import导入模块的地方对代码进行微调,这样下面的代码基本上不用修改。本来想着直接在keras前面加上tensorflow就可以了,但是好像出了点问题。我在尝试
万能的小黑Alex
·
2020-06-25 16:20
tensorflow
python
深度学习
Tensorflow2.0与Tensorflow1.0的理解
Tensorflow1.x与
Tensorflow2.x
的理解首先,作者接触过tf1.0和tf2.0,结合说明一下!
jak0018
·
2020-06-25 12:22
人工智能
tensorflow与python交互系列,tf.py_function()、tf.py_func、tf.numpy_function()(一)
tensorflow进行datapipeline的时候,遇到了一些问题,特意整理了两篇文章,请参见:tfrecord文件的map在使用的时候所踩的坑总结(map、py_function、numpy_function)
tensorflow2
LoveMIss-Y
·
2020-06-25 03:32
tensorflow2.x
TensorFlow
初级篇:(一)
Tensorflow2.x
学习---实践篇
文章目录实践1.图像分类导入数据集预处理搭建模型编译模型训练模型评估准确度进行预测2.使用Keras和TensorflowHub对电影评论进行文本分类问题描述导入库数据集查看数据集构建模型编译模型训练模型评估模型3.Textclassificationwithpreprocessedtext:Moviereview导入数据集数据集子词分词器查看数据集Preparethedatafortrainin
ngadminq
·
2020-06-24 17:32
语言学习
[深度学习] tensorflow1.x和
tensorflow2.x
对比与总结
tensorflow1.x和
tensorflow2.x
对比与总结1.主要区别有如下几点1.0.易于使用(Easeofuse)1.1.使用Eager模式(EagerExecution)1.2.建立模型和部署变得容易
茫茫人海一粒沙
·
2020-06-24 00:17
tensorflow
深度学习
tensorflow
50题一文入门
TensorFlow2.x
(非Keras)
50题真•一文入门
TensorFlow2.x
点击以上链接不用配置环境,直接在线运行(本文基于
TensorFlow2.x
编写)大家好,挤牙膏挤了一个多月,终于把
tensorflow2.x
的教程做出来了。
heywhaleshequ
·
2020-06-23 14:59
将TensorFlow 1.x升级代码到TensorFlow 2.x版本的方法汇总
下面将升级代码到
TensorFlow2.x
版本的方法汇总起来,有如下几点。1.最快速转化的方法在代码中没有使用contrib模块的情况下,可以在代码最前端加上如下两句,直接可以实现的代码升级。
■D
·
2020-06-23 06:17
tensorflow2.x
第二篇
学习率策略,激活函数,正态分布函数,tf.where,正则化,交叉熵损失函数,优化参数策略指数衰减学习率策略importtensorflowastfimportmatplotlib.pyplotaspltN=400'''tf.keras.optimizers.schedules.ExponentialDecay(initial_learning_rate,decay_steps,decay_rat
能不能只学数学呀
·
2020-06-22 02:00
[
Tensorflow2.X
][转载]tf.data读取tf.record文件并与tf.keras结合使用
importmatplotlibasmplimportmatplotlib.pyplotaspltimportnumpyasnpimportsklearnimportpandasaspdimportosimportsysimporttimeimporttensorflowastffromtensorflowimportkerassource_dir="./generate_csv"print(os
FL1623863129
·
2020-06-21 20:10
tensorflow
详解
tensorflow2.x
版本无法调用gpu的一种解决方法
最近学校给了一个服务器账号用来训练神经网络使用,服务器本身配置是十路titanV,然后在上面装了tensorflow2.2,对应的python版本是3.6.2,装好之后用tf.test.is_gpu_available()查看是否能调用gpu,结果返回结果是false,具体如下:这里tensorflow应该是检测出了gpu,但是因为某些库无法打开而导致tensorflow无法调用,返回了false
·
2020-05-25 11:04
上一页
1
2
3
4
5
6
7
8
下一页
按字母分类:
A
B
C
D
E
F
G
H
I
J
K
L
M
N
O
P
Q
R
S
T
U
V
W
X
Y
Z
其他