- 博客(51)
- 问答 (1)
- 收藏
- 关注
原创 MyBatis-Plus 超详细笔记|配置使用|多种查询|常用注解
Mybatis-Plus可以节省大量时间,所有的CRUD代码都可以自动化完成。
2023-03-31 11:18:43
6153
原创 【已解决】this version of the Java Runtime only recognizes class file versions up to 52.0
this version of the Java Runtime only recognizes class file versions up to 52.0
2023-03-17 16:09:40
24420
原创 OWASP ZAP mac chrome代理配置&取消URL强制Https【已解决】
OWASP ZAP mac chrome代理配置&取消URL强制Https【已解决】
2022-11-23 20:44:35
1844
原创 MacOS安装python,报错“zsh: command not found: python”【已解决】
MacOS安装python,报错“zsh: command not found: python”【已解决】
2022-10-18 12:49:29
38721
9
原创 【报错】node:internal/modules/cjs/loader:936 【解决方法】
node:internal/modules/cjs/loader:936 解决方法
2022-07-23 21:35:07
26968
原创 【Docker闪退】【解决方法】It looks like there is an error with Docker Desktop, restart it to fix it
Docker在Win10家庭版中无法正常开启,闪退[解决方法]
2022-07-17 23:01:09
9941
3
原创 【亲测有效】npm WARN config global `--global`, `--local` are deprecated. Use `--location=global` instead.
npm WARN config global `--global`, `--local` are deprecated. Use `--location=global` instead. 解决方法!
2022-07-10 19:00:56
7819
5
原创 安装Java时出现‘以下应用程序正在使用需要由此安装程序更新的文件。请关闭这些应用程序’ (已解决)
安装Java时出现‘以下程序正在使用java 必须关闭才能完成更新’ (已解决)
2022-05-26 17:42:27
21578
26
原创 load() missing 1 required positional argument: ‘Loader‘
1. 运行以下代码,报错:load() missing 1 required positional argument: 'Loader'config = yaml.load(open('config.yml'))2. 原因:yaml高版本放弃了yaml.load(file)这个用法。3. 解决方法:①添加参数Loader=yaml.FullLoader(即可)config = yaml.load(open('config.yml'),Loader=yaml.FullLoade
2022-01-03 21:06:09
3361
原创 校园网 无法登录github-改Hosts 已解决
1. 找到C盘host文件C:\Windows\System32\drivers\etc\hosts2. 查询IP地址GitHub: Where the world builds software · GitHubgithub.global.ssl.Fastly.net ᐅ Learn more about Fastlyassets-cdn.Github.com ᐅ Learn more about Githubraw.Githubusercontent.com ᐅ Learn
2021-12-17 20:17:55
6394
原创 PyTorch Geometric Temporal 环境安装 (亲测有效)
1.PyTorch Geometric Temporal 介绍PyTorch Geometric Temporal 是 PyTorch Geometric 的一个时间(动态)扩展库。该图书馆包括各种动态和时间几何深度学习,嵌入和时空回归方法从各种已发表的研究论文。此外,它还附带了一个易于使用的数据集加载器、列车测试分离器和用于动态和时态图的时态快速迭代器。该框架自然地提供了 GPU 支持。它还提供了大量的基准数据集,包括人口统计学预测、共享经济、能源生产和网络流量管理等领域。最后,您还可以创建自己.
2021-12-13 22:42:12
4266
原创 Pytorch 安装 GPU版本
1.查看自己的CUDA版本,打开cmd:nvcc --version所以CUDA 版本为10.2。2. 打开 pytorch官网,选择适合自己的安装命令:以管理员身份运行!以管理员身份运行!Anaconda Prompt !(不然,可能报错)(即使报错,只要你不断地重新输入命令,直到它可以安装为止!因为有可能是网络问题。)切到自己所要安装pytorch的环境,输入以上Command:conda install pytorch torchvision to...
2021-12-13 21:43:34
2272
原创 Cause: No module named ‘tensorflow_core.estimator‘(解决方法)
1. 问题描述:准备在VS code执行以下命令:x_input, x_output = gcn_lstm.in_out_tensors()结果报错:Cause: No module named 'tensorflow_core.estimator'WARNING: AutoGraph could not transform <bound method FixedAdjacencyGraphConvolution.call of <stellargraph.layer.gcn_l
2021-12-11 16:58:09
8843
6
原创 Conda install 报错:An HTTP error occurred when trying to retrieve this URL. HTTP errors are often...
1. 问题描述:准备在Anaconda prompt执行以下命令:conda install -c stellargraph stellargraph报错:An HTTP error occurred when trying to retrieve this URL. HTTP errors are often intermittent, and a simple retry will get you on your way.2. 解决方法:打开 C:\Users\你的电脑...
2021-12-08 21:28:46
9760
原创 《Python 深度学习》7.2.2 TensorBoard简介(代码)
1. 使用了TensorBoard的文本分类模型import kerasfrom keras import layersfrom keras.datasets import imdbfrom keras.preprocessing import sequencemax_features = 2000 #作为特征的单词个数max_len = 500 #在这么多单词之后截断文本(x_train, y_train), (x_test, y_test) = imdb.load_data(num
2021-11-22 21:36:40
1564
原创 《Python 深度学习》6.4 用卷积神经网络处理序列
# 用卷积神经网络处理序列## 1. 实现一维卷积神经网络Keras 中的一维卷积神经网络是 Conv1D 层,其接口类似于 Conv2D。它接收的输入是形状 为 (samples, time, features) 的三维张量,并返回类似形状的三维张量。卷积窗口是时间轴上的一维窗口(时间轴是输入张量的第二个轴)。我们来构建一个简单的两层一维卷积神经网络,并将其应用于我们熟悉的 IMDB 情感分类任务。提醒一下,获取数据并预处理的代码如下所示。from keras.datasets i
2021-11-21 21:19:49
2067
原创 Object arrays cannot be loaded when allow_pickle=False 报错 (解决方法)(来自《Python 深度学习》P190页代码)
1.报错问题:(来自《Python 深度学习》P190页代码)在Vscode运行下述代码的时候,报错:Object arrays cannot be loaded when allow_pickle=Falsefrom keras.datasets import imdbfrom keras.preprocessing import sequencemax_features = 10000 # Number of words to consider as features(作为特征的单.
2021-11-17 22:44:38
1538
原创 《Python 深度学习》6.3 循环神经网络的高级用法 (代码)
6.3 循环神经网络的高级用法本节将介绍提高循环神经网络的性能和泛化能力的三种高级技巧。学完本节,你将会掌握 用 Keras 实现循环网络的大部分内容。我们将在温度预测问题中介绍这三个概念。在这个问题中, 数据点时间序列来自建筑物屋顶安装的传感器,包括温度、气压、湿度等,你将要利用这些数 据来预测最后一个数据点24小时之后的温度。这是一个相当有挑战性的问题,其中包含许多处 理时间序列时经常遇到的困难。
2021-11-17 18:42:56
3255
1
原创 failed to create cublas handle: CUBLAS_STATUS_ALLOC_FAILED 报错 (解决方法)
1.报错 问题:(来自GCN_Keras-master代码)在Pycharm运行GCN_Keras代码的时候,报错:①Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA您的CPU支持该TensorFlow二进制文件未编译为使用的指令:AVX2 FMA原因:成功解决Your CPU supports instructions that this TensorF.
2021-11-16 16:27:57
2037
原创 《Python 深度学习》6.2 理解循环神经网路
1. 简单RNN的Numpy实现import numpy as np# 定义各种维度大小timesteps = 100input_features = 32output_features = 64inputs = np.random.random((timesteps, input_features))state_t = np.zeros((output_features))W = np.random.random((output_features, input_feature.
2021-11-16 15:30:45
699
原创 InternalError: GPU sync failed 报错 (解决方法)
1.报错 问题:(来自《Python深度学习》P178-179)在VScode运行Jupyter Notebook以下代码的时候,报错:InternalError: GPU sync failed.from tensorflow.keras.models import Sequentialfrom tensorflow.keras import layersfrom tensorflow.keras.optimizers import RMSpropmodel = Sequential(.
2021-11-15 22:23:31
2555
原创 Cannot convert a symbolic Tensor (simple_rnn/strided_slice:0) to a numpy array. 报错 (解决方法)
1.报错 问题:(来自《Python深度学习》P164-165)在运行以下代码的时候,报错:Cannot convert a symbolic Tensor (simple_rnn/strided_slice:0) to a numpy array.# 只返回最后一个时间步的输出from tensorflow.keras.models import Sequentialfrom tensorflow.keras.layers import Embedding, SimpleRNNmod.
2021-11-15 15:32:15
4245
原创 《Python 深度学习》6.1.3 整合在一起:从原始文本到词嵌入
1. 处理 IMDB 原始数据的标签在每个 neg/pos 目录下面就是一大堆 .txt 文件了,每个里面是一条评论。下面,我们将 train 评论转换成字符串列表,一个字符串一条评论,并把对应的标签(neg/pos)写到 labels 列表。# 处理 IMDB 原始数据的标签import osimdb_dir = 'D:\\2022Thesis\\Deep Learning with Python\\Code\\aclImdb\\aclImdb'train_dir = os...
2021-11-14 22:15:04
908
原创 《Python 深度学习》6.1 One-hot 编码 (代码)
One-hot encoding of words or characters单词和字符的 one-hot 编码one-hot 编码是将标记转换为向量的最常用、最基本的方法。在第 3 章的 IMDB 和路透社两 个例子中,你已经用过这种方法(都是处理单词)。它将每个单词与一个唯一的整数索引相关联, 然后将这个整数索引 i 转换为长度为 N 的二进制向量(N 是词表大小),这个向量只有第 i 个元 素是 1,其余元素都为 0。当然,也可以进行字符级的 one-hot 编码。为了让你完全理解什么是
2021-11-13 14:41:04
2053
原创 Python 安装 requirements.txt 所需的包
1.新建虚拟环境(非必须),如:conda create -n pytorch2021 Python=3.7 2.打开conda prompt激活它,切换到requirements.txt所在目录:3.输入:pip install -r requirements.txt就可以自动下载requirements.txt 所需的包了。scipy==1.3.0Keras==2.2.4numpy==1.16.4networkx==2.1tensorflow_gpu==1.1.
2021-11-09 16:03:02
1891
原创 module ‘gast‘ has no attribute ‘Num‘ 警告
运行程序有以下WARNING:module 'gast' has no attribute 'Num'WARNING:tensorflow:Entity <bound method MultiRNNCell.call of <tensorflow.python.ops.rnn_cell_impl.MultiRNNCell object at 0x0000020529AD6108>> could not be transformed and will be executed a.
2021-11-09 14:41:06
867
原创 Pycharm 建立不同Python版本的虚拟环境
1.windows10 cmd,输入:pip install virtualenv2.新建一个环境打开anaconda prompt,输入:conda create -n python37 Python=3.7 如果你需要,就继续y,安装你所需要的包。安装完成之后,查看目前的conda环境:conda info -e记住python37这个环境所在的地址。3.打开Pycharm,点击设置-project interpreter-Add4.如下图所示...
2021-11-08 21:58:18
8469
原创 《Python 深度学习》5.4 卷积神经网络的可视化(代码)
Visualizing what convnets learn卷积神经网络的可视化人们常说,深度学习模型是“黑盒”,即模型学到的表示很难用人类可以理解的方式来提取和呈现。虽然对于某些类型的深度学习模型来说,这种说法部分正确,但对卷积神经网络来说绝对不是这样。卷积神经网络学到的表示非常适合可视化,很大程度上是因为它们是视觉概念的表示。自 2013 年以来,人们开发了多种技术来对这些表示进行可视化和解释。我们不会在书中全部介绍,但会介绍三种最容易理解也最有用的方法。可视化卷积神经网络的中间输出(中间
2021-11-06 21:58:01
2436
3
原创 《Python 深度学习》5.3 使用预训练的卷积神经网络
我们来实践一下,使用在 ImageNet 上训练的 VGG16 网络的卷积基从 猫狗图像中提取有趣的特征,然后在这些特征上训练一个猫狗分类器。 VGG16 等模型内置于 Keras 中。你可以从 keras.applications 模块中导入。下面是keras.applications 中的一部分图像分类模型(都是在 ImageNet 数据集上预训练得到的):Xception Inception V3 ResNet50 VGG16 VGG19 MobileNet我们将 VGG16 模型实例
2021-11-05 22:48:38
1707
2
原创 Your input ran out of data; interrupting training. Make sure that your dataset or generator can ....
《Python 深度学习》第5章 P114 在运行以下代码有个报错:history = model.fit_generator( train_generator, steps_per_epoch=100, epochs=100, validation_data=validation_generator, validation_steps=50)Your input ran out of data; interrupting traini.
2021-11-04 22:05:36
3891
5
原创 Kaggle dogs vs. cats 数据集及CNN 代码
1. 数据集下载Dogs vs. Cats | Kaggle需要科学注册,才能下载。如果实在下载不了,可以从百度云下载(有效期一年):链接:https://pan.baidu.com/s/1YB0I-v-7eg9ki4BdUCUdLw提取码:4is5这个数据集包含 25 000 张猫狗图像(每个类别都有 12 500 张),大小为 543MB(压缩后)。2.将图像向复制到训练、验证和测试的目录import os, shutil# The path to the ...
2021-11-02 22:00:36
4754
4
原创 UnknownError: Failed to get convolution algorithm. This is probably because cuDNN failed 报错 Jupyter
未知错误:获取卷积算法失败。这可能是因为cuDNN失败了。这可能是由于显存被占用,详细原因可看这篇。关于keras or tensorflow 显存占用问题 :keras or tensorflow 显存占用问题 - 简书解决方法:1. 如果用的是Keras,在jupyter notebook 最开始添加代码:import tensorflow as tfimport numpy as npimport kerasconfig = tf.compat.v1.ConfigP
2021-11-02 14:22:03
482
原创 《Python 深度学习》4.4 防止过拟合的常用方法 (代码)
防止神经网络过拟合的常用方法包括:1.减小网络容量;2.添加权重正则化;3.添加dropout;4.获取更多的训练数据。Overfitting and underfitting过拟合与欠拟合为了防止模型从训练数据中学到错误或无关紧要的模式,最优解决方法是获取更多的训练数据。模型的训练数据越多,泛化能力自然也越好。如果无法获取更多数据,次优解决方法是调节模型允许存储的信息量,或对模型允许存储的信息加以约束。如果一个网络只能记住几个模式,那么优化过程会迫使模型集中学习最重要的模式,这样更可能得到
2021-11-01 16:52:12
1791
原创 《Python 深度学习》3.6 预测房价:回归问题(代码)
Predicting house prices: a regression example波士顿房价数据集本节将要预测 20 世纪 70 年代中期波士顿郊区房屋价格的中位数,已知当时郊区的一些数据点,比如犯罪率、当地房产税率等。本节用到的数据集与前面两个例子有一个有趣的区别。它包含的数据点相对较少,只有 506 个,分为 404 个训练样本和 102 个测试样本。输入数据的每个特征(比如犯罪率)都有不同的取值范围。例如,有些特性是比例,取值范围为 0~1;有的取值范围为 1~12;还有的取值范围为
2021-10-31 20:31:37
800
原创 《Python 深度学习》3.5 新闻分类:多分类问题(代码)
由于是在Jupyter Notebook上直接copy下来的,所以使用时请记得注意。## 1. 加载路透社数据集from tensorflow.keras.datasets import reuters(train_data, train_labels), (test_data, test_labels) = reuters.load_data(num_words=10000)len(train_data)len(test_data)train_data[10]#...
2021-10-30 15:31:13
753
原创 《Python 深度学习》3.4 电影评论分类:二分类问题(代码)
## 1. 加载IMDB数据集import numpy as npfrom tensorflow.keras.datasets import imdb(train_data,train_labels),(test_data,test_labels)=imdb.load_data(num_words=10000)train_data[0]train_labels[0]## 2. 将整数序列编码为二进制矩阵def vectorize_sequences(sequences,dimens.
2021-10-29 17:29:44
823
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人