
tensorflow
studyer_爱啃鸡爪的小米
学习者
展开
专栏收录文章
- 默认排序
- 最新发布
- 最早发布
- 最多阅读
- 最少阅读
-
tensorflow只用CPU运行
import os os.environ["CUDA_VISIBLE_DEVICES"]="-1"原创 2021-11-02 16:21:34 · 892 阅读 · 0 评论 -
Keras tensorflow Resnet模型
Resnet相关文章整理 1、Keras大法(9)——实现ResNet-34模型 https://blog.csdn.net/weixin_42499236/article/details/87919919 (1)模型结构 (2)模型代码 (3)总 结 2、tensorflow手动复现论文中的Resnet34结构(不借助keras和slim模块) https://blog.csdn.net/Exploer_TRY/article/details/89308329 3、ResNet在分别在.原创 2020-12-08 18:27:54 · 562 阅读 · 0 评论 -
python tensorflow pytorch 深度学习 车牌识别
车牌识别相关资料收集整理 1、License Plate Detection with RetinaFace 链接:https://github.com/zeusees/License-Plate-Detector 利用单物体检测算法Retinaface进行了车牌检测模型的训练,通过测试,检测效果和适用性都更突出,支持的模型也更为丰富。 开源版本的检测算法经过了多个版本迭代,考虑到检测的效率跟准确率,原始版本逐步淘汰,从最初的基于LBP和Harr特征的车牌检测,感兴趣的小伙伴可以参考 train-d原创 2020-12-08 18:13:22 · 8425 阅读 · 5 评论 -
2020-12-08 tensorflow model.fit_generator()函数参数
model.fit_generator()函数参数 fit_generator(self, generator, steps_per_epoch, epochs=1, verbose=1, callbacks=None, validation_data=None, validation_steps=None, class_weight=None, max_q_size=10, workers=1, pickle_safe=False, initial_epoch=0) 利用Python的生成器,逐个生原创 2020-12-08 17:40:59 · 1443 阅读 · 0 评论 -
ValueError: Shape mismatch: The shape of labels (received (768,)) should equal the shape of logits e
问题 运行tensorflow 的resnet网络,预测结果,出现报错 ValueError: Shape mismatch: The shape of labels (received (768,)) should equal the shape of logits e 原因 解决:use of sparse_softmax_cross_entropy. feed it one hot encoded labels which it doesn’t want. Switch to just no原创 2020-12-02 11:22:37 · 2419 阅读 · 0 评论 -
深度学习 tensorflow tf.layers.conv2d_transpose 反卷积 上采样
参数 conv2d_transpose( inputs, filters, kernel_size, strides=(1, 1), padding=’valid’, data_format=’channels_last’, activation=None, use_bias=True, kernel_initializer=None, bias_initializer=tf.zeros_initializer(), kernel_regularizer=None, bias_regularizer=N原创 2020-11-26 14:11:22 · 1465 阅读 · 1 评论 -
深度学习-TF函数-layers.concatenate用法 numpy数组维度
环境: tensorfow 2.* def concatenate(inputs, axis=-1, **kwargs): axis=n表示从第n个维度进行拼接,对于一个三维矩阵,axis的取值可以为[-3, -2, -1, 0, 1, 2]。 维度说明下图,0在深度,1在行,2在列 代码 import numpy as np import tensorflow as tf t1 = tf.Variable(np.array([[[1, 2], [2, 3]], [[4, 4], [5,原创 2020-11-26 10:45:51 · 2675 阅读 · 0 评论 -
Python Tensorflow神经网络实现股票预测
神经网络(NN)它是一种模仿动物神经网络行为特征,进行分布式并行信息处理的算法数学模型。这种网络依靠系统的复杂程度,通过调整内部大量节点之间相互连接的关系,从而达到处理信息的目的。在提供数据量足够大情况下,神经网络可以拟合出输入到输出之间的任意函数关系。 Tensorflow是一个优秀的深度学习框架,具体有啥好处,可以百度了解哈。 本文分享使用Tensorflow神经网络进行股市的预测 1、数据来源 首先找到一组股票数据,数据可以网络上爬虫,东方财富、大智慧都有。爬虫方法参看以前的文章。 .原创 2020-10-17 22:59:52 · 4758 阅读 · 3 评论 -
Python tensorflow ModuleNotFoundError: No module named ‘tensorflow.contrib‘
问题 运行报错: import tensorflow.contrib.layers as layers ModuleNotFoundError: No module named 'tensorflow.contrib' 问题原因 tensorflow2以上的版本没有contrib属性 解决方案 安装tensorflow1的版本 pip install tensorflow==1.15 ...原创 2020-10-16 17:50:12 · 11955 阅读 · 2 评论 -
Anaconda conda常用命令
1.升级 升级Anaconda需要先升级conda conda update conda conda update anaconda conda update anaconda-navigator //update最新版本的anaconda-navigator 2.卸载Anaconda软件 由于Anaconda的安装文件都包含在一个目录中,所以直接将该目录删除即可。删除整个Anaconda目录: 计算机控制面板->程序与应用->卸载 //windows 或者 找到C:\Pro原创 2020-09-28 15:24:18 · 850 阅读 · 0 评论 -
tensorflow2版本学习教程1-mnist数据集手写字体
import tensorflow as tf # 载入并准备好 MNIST 数据集。将样本从整数转换为浮点数 mnist = tf.keras.datasets.mnist (x_train, y_train), (x_test, y_test) = mnist.load_data() x_train, x_test = x_train / 255.0, x_test / 255.0 # 将模型的各层堆叠起来,以搭建 tf.keras.Sequential 模型。为训练选择优化器和损失函数 mode.原创 2020-08-07 15:06:18 · 482 阅读 · 0 评论 -
tensorflow: Could not load dynamic library ‘cudart64_101.dll‘ 解决办法
问题描述: 安装 tensorfolw-gpu2.1.0 之后调用 显示 GPU False,不能调用GPU 在命令行中 import tensorflow 时显示 “Could not load dynamic library 'cudart64_101.dll” 注:V:显示全部信息 D:显示调试信息 I:显示一般信息 W:显示警告信息 E:显示错误信息 在以前的TensorFlow版本中,找不到CUDA库会发出错误并引发异常,而现在该库会从动力学上搜索正确的CUDA版本,如果找不到,...原创 2020-08-07 10:27:49 · 13868 阅读 · 1 评论