深度学习
BigData-0
这个作者很懒,什么都没留下…
展开
专栏收录文章
- 默认排序
- 最新发布
- 最早发布
- 最多阅读
- 最少阅读
-
no attribute ‘ix‘ \ xlrd >= 1.0.0 f\ no attribute ‘imread‘
df.ix[:0,0] 更改为 df.iloc[:0,1]原创 2022-08-23 22:39:34 · 237 阅读 · 0 评论 -
pytorch测试gpu
import torch t = torch.tensor([2, 3]) print(t) x=torch.randn(3,4) print(x) # x_gpu=x.cuda(0) x_gpu2=x.cuda() print(x_gpu2) x_cpu=x_gpu2.cpu() print(x_cpu) x_arr=x_cpu.cpu().numpy() print(x_gpu2) print(x_arr)原创 2021-11-09 22:43:42 · 3931 阅读 · 0 评论 -
Fatal error in launcher: Unable to create process using tensorboard
卸载重装 pip uninstall tensorboard pip install tensorboard原创 2021-11-07 17:43:02 · 544 阅读 · 0 评论 -
tensorflow输入x和y拟合线性曲线,求k,b
import numpy as np import tensorflow as tf x_data=np.random.rand(1000) y_data=x_data*10 +77 print(x_data) print(y_data) k=tf.Variable(0.,name='k') b=tf.Variable(0.) y=k*x_data+b loss = tf.reduce_mean(tf.square(y-y_data)) optimizer = tf.train.GradientDes原创 2021-11-07 12:17:41 · 383 阅读 · 0 评论 -
jupyter Fatal error in launcher: Unable to create process using
反编译修改容易出错,建议用以下方式修改 pip uninstall jupyter jupyter-client jupyter-console jupyter-core jupyterlab-pygments jupyterlab-widgets 删除script目录下面的文件 然后安装 pip install jupyter ...原创 2021-06-29 23:50:53 · 718 阅读 · 0 评论 -
‘gbk‘ codec can‘t decode byte 0x9d in position 1793: illegal multibyte seque
raw_text=open('Winston_Churchil.txt').read() ???? raw_text=open('Winston_Churchil.txt','r',encoding='UTF-8').read()原创 2021-06-09 23:52:00 · 657 阅读 · 0 评论 -
pytorch运行出错:AttributeError: module ‘torch‘ has no attribute ‘ops‘
pytorch运行出错:AttributeError: module ‘torch‘ has no attribute ‘ops‘ pip install torchvision==0.4.1 -i https://pypi.tuna.tsinghua.edu.cn/simple/原创 2021-03-06 11:56:03 · 3974 阅读 · 2 评论 -
slicing multiple dimensions at the same time isn‘t supported yet
参考其他大佬,在 @torch.jit.script 这个注释前加注释 :# @torch.jit.script,可以解决!原创 2021-03-06 11:54:29 · 240 阅读 · 0 评论 -
python安装库报权限问题时使用pip install torch --user ,会将模块安装自己的文件目录下
python安装库报权限问题时使用pip install torch --user ,会将模块安装自己的文件目录下原创 2021-01-26 22:16:30 · 375 阅读 · 0 评论 -
boy or girl tensorflow
原创 2021-01-06 21:55:07 · 187 阅读 · 0 评论 -
验证码识别rnn训练模型代码
机器性能太弱,不能设置太多参数,梯度下降难 import numpy as np import random from PIL import Image import matplotlib.pyplot as plt import tensorflow as tf def code_cnn(x,y): #conv->relu->max_pool->conv->relu->max_pool->dropout # ->conv->relu-&g原创 2020-11-08 23:05:53 · 372 阅读 · 0 评论 -
ResourceExhaustedError (see above for traceback): OOM when allocating tensor with shape[64,1,5,5]
参数太多,gpu内存不足,适当减少参数原创 2020-11-08 22:55:26 · 272 阅读 · 0 评论 -
ValueError: not enough values to unpack (expected 3, got 2)
数量要一样原创 2020-11-08 22:52:51 · 383 阅读 · 0 评论 -
使用卷积神经网络识别验证码的训练集
import os import random import numpy as np from captcha.image import ImageCaptcha from random import randint from PIL import Image import matplotlib.pyplot as plt code_char_set = ['0', '1', '2', '3', '4', '5', '6', '7', '8', '9', 'a', 'b', 'c', 'd原创 2020-11-01 22:50:04 · 386 阅读 · 0 评论 -
数据增强
原创 2020-11-01 11:09:27 · 266 阅读 · 0 评论 -
梯度下降的理解
原创 2020-11-01 10:25:51 · 166 阅读 · 0 评论
分享