Bug
.
海洋 之心
阿里云社区专家博主,图神经网络-大数据-推荐系统研究者,专注于计算机领域前沿技术的分享等人工智能算法研究工作
展开
-
解决IDEA没有Add Framework Support添加框架支持
【代码】解决IDEA没有Add Framework Support添加框架支持。原创 2024-02-07 16:59:13 · 5645 阅读 · 0 评论 -
Maven缓存文件下载依赖出现网络问题
清除本地 Maven 仓库缓存(lastUpdated 文件),因为只要存在。属性依次向下查找文件夹,最终删除内部的文件,刷新重新下载即可!缓存文件,刷新也不会重新下载。本地仓库中,根据依赖的。时网络出现问题,导致依赖下载失败,再次刷新。然后将这个文件删除,或者更方面的方式就是将。所以我们找到本地仓库,找到刚才要下载的。版本号的目录删除掉,删除之后重新刷新。出现这个问题的原因就是本地仓库有缓存。文件,有这个文件,刷新。文件也不会触发下载。原创 2024-02-19 10:18:05 · 455 阅读 · 0 评论 -
IDEA打WAR包解决办法Cannot access defaults field of Properties
文件,即可成功打包,这里我的JDK版本是17,所以需要这个版本的插件,如果是其他版本,可以去官网查询一下。版本会影响项目,所以我们需要修改插件的版本,可以在。包的插件版本不匹配,由于更改。解决办法就是在对应模块的。原创 2024-02-19 09:40:33 · 1200 阅读 · 0 评论 -
TypeError: randint() received an invalid combination of arguments - got (int, int, int), but expecte
使用创建张量时出现错误。原创 2022-11-14 15:11:22 · 1607 阅读 · 0 评论 -
解决AssertionError: size of input tensor and input format are different.tensor shape: (3, 138input_for
使用tensorboard显示图像出现问题。原创 2022-11-13 15:49:21 · 379 阅读 · 0 评论 -
解决Pytorch中RuntimeError: expected scalar type Double but found Float
使用LSTM进行数据训练时出现此报错,将numpy的数据直接转成torch中的tensor数据类型。原创 2022-10-02 10:25:39 · 1903 阅读 · 0 评论 -
几步教你vscode创建代码模板快捷输入
step:1 打开设置用户代码片段step:2 选择新建全局代码片段文件step:3 创建代码块文件名称step4:编辑code-snippets文件test:代码块名称prefix:快捷输入的字母组合body:代码模板文件description:代码块文件描述如果手动输入上述较为复杂,可以将自己的模板代码粘贴到下面网址中自动生成网址链接...原创 2022-05-14 20:33:52 · 1167 阅读 · 0 评论 -
解决ImportError: umap.plot requires pandas matplotlib datashader bokeh holoviews scikit-image and colo
ImportError: umap.plot requires pandas matplotlib datashader bokeh holoviews scikit-image and colorcet to be installed问题原因:我在使用umap库时发现报出该问题,原因是umap需要依赖这些包,需要pip安装这些包,但是我的问题是我看了一下这些包我都有,但是还报这个问题,后来发现是版本不对应,umap需要依赖新版的这些库文件,我的一些包的版本较低解决办法:将已有这些包卸载,安装u.原创 2022-01-15 08:56:51 · 1173 阅读 · 0 评论 -
解决ERROR: Cannot uninstall ‘llvmlite‘. It is a distutils installed project and thus we cannot accurat
问题原因:这是一个distutils安装的项目,因此我们无法准确确定属于该文件的文件,这只会导致部分卸载。使用pip uninstall不能完全删除这个库文件,或导致部分文件残留解决方法:找到相应的库文件,将其进行删除目录文件为:Anaconda3/Lib/site-packagesERROR: Cannot uninstall 'llvmlite'. It is a distutils installed project and thus we cannot accurately deter.原创 2022-01-15 08:48:58 · 3813 阅读 · 2 评论 -
解决AttributeError: module ‘tensorflow‘ has no attribute ‘div‘
2022-01-14 19:10:40.281030: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX AVX2To en.原创 2022-01-14 19:13:14 · 1415 阅读 · 0 评论 -
解决ERROR: Cannot uninstall ‘PyYAML‘. It is a distutils installed project and thus we cannot accuratel
ERROR: Cannot uninstall 'PyYAML'. It is a distutils installed project and thus we cannot accurately determine which files belong to it which would lead to only a partial uninstall.问题原因:安装微软最新发布AutoML框架NNI出现问题,错误:无法卸载“ PyYAML”。 这是一个distutils安装的项目,因此我们无法.原创 2022-01-13 20:50:29 · 15455 阅读 · 4 评论 -
解决TypeError: __init__() takes from 1 to 3 positional arguments but 6 were given
2022-01-12 22:20:24.272950: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX AVX2To en.原创 2022-01-12 22:26:01 · 9124 阅读 · 0 评论 -
解决ValueError: `validation_split` is only supported for Tensors or NumPy arrays, found following
2022-01-04 19:21:07.023270: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX AVX2To en.原创 2022-01-04 19:32:19 · 5850 阅读 · 2 评论 -
解决ModuleNotFoundError: No module named ‘tensorflow_datasets‘
Traceback (most recent call last): File "E:/Code/PyCharm/TensorFlow学习/Keras/迁移学习和微调.py", line 14, in <module> import tensorflow_datasets as tfdsModuleNotFoundError: No module named 'tensorflow_datasets'解决办法pip install tensorflow-datas.原创 2022-01-04 13:40:07 · 1273 阅读 · 0 评论 -
解决only integer scalar arrays can be converted to a scalar index
Traceback (most recent call last): File "E:/Code/PyCharm/SaltedFish/咸鱼12/K_Fold.py", line 71, in <module> x_ = x_train[train]TypeError: only integer scalar arrays can be converted to a scalar index问题原因:制作训练数据我使用的是二维列表,这就会导致在进行样本切片出现问题解决办法.原创 2022-01-02 19:14:17 · 30982 阅读 · 3 评论 -
解决TypeError: tf__update_state() got an unexpected keyword argument ‘sample_weight‘
2022-01-02 18:41:16.826148: I tensorflow/compiler/mlir/mlir_graph_optimization_pass.cc:185] None of the MLIR Optimization Passes are enabled (registered 2)Traceback (most recent call last): File "E:/Code/PyCharm/TensorFlow学习/Keras/自定义评估指标.py", line 59,.原创 2022-01-02 18:47:07 · 1569 阅读 · 0 评论 -
解决AttributeError: module ‘keras.utils‘ has no attribute ‘plot_model‘
2022-01-01 19:41:58.347964: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX AVX2To en.原创 2022-01-01 19:45:49 · 5210 阅读 · 0 评论 -
解决numpy.core._exceptions.UFuncTypeError: ufunc ‘add‘ did not contain a loop with signature matching
numpy.core._exceptions.UFuncTypeError: ufunc 'add' did not contain a loop with signature matching types (dtype('int64'), dtype('<U1')) -> None问题原因:就是在遍历数据库时没有拆分出每个字段,之后在进行计算时导致一个标量加一个元组出现不能类型匹配...原创 2021-12-31 09:00:51 · 10517 阅读 · 1 评论 -
TensorFlow2.0+新版本搭建网络三种方式
由于TensofFlow不同版本之间API以及库函数变化较大,所以搭建网络方式有很多种,这里总结了常见的三种方式,适合入门级搭建网络,分别是定义类继承Model、函数式API、顺序模型,对于常见简单的网络三种方式都可以,但是对于复杂网络,例如递归式循环、多塔状网络可能函数式API更加适合,另外两种可能就不太适用,对于顺序堆叠执行的网络,三者都差不多。方式一:继承keras.Modelclass LeNet5(tf.keras.Model): def __init__(self):原创 2021-12-27 19:25:17 · 639 阅读 · 0 评论 -
Optimization loop failed: Cancelled: Operation was cancelled解决方案
2021-12-27 17:45:07.871890: W tensorflow/core/data/root_dataset.cc:167] Optimization loop failed: Cancelled: Operation was cancelled2021-12-27 17:45:07.877953: W tensorflow/core/data/root_dataset.cc:167] Optimization loop failed: Cancelled: Operation was.原创 2021-12-27 18:04:06 · 7029 阅读 · 0 评论 -
TensorFlow2._:model.summary() Output Shape为multiple解决方法
使用TensorFlow2.*版本进行构建模型,然后打印模型的结构发现Output Shape为multiple,出现的原因是模型不知道输入数据的格式三种解决办法:方法一:使用函数式API# 指定输入和输出层model=Model(Input(shape=(None,28,28,1)),outputs)方法二:在class类中第一个层添加input_shapeself.conv1 = Conv2D(filters=6, kernel_s.原创 2021-12-27 13:45:14 · 3359 阅读 · 0 评论 -
ValueError: This model has not yet been built. Build the model first by calling `build()` or calling
ValueError: This model has not yet been built. Build the model first by calling `build()` or calling `fit()` with some data, or specify an `input_shape` argument in the first layer(s) for automatic build.TensorFlow打印模型结构时发生上述问题model.summary()发生问题的原因是.原创 2021-12-27 13:06:55 · 2003 阅读 · 0 评论 -
TensorFlow修改图像尺寸:AttributeError: module ‘tensorflow._api.v2.image‘ has no attribute ‘image‘
AttributeError: module 'tensorflow._api.v2.image' has no attribute 'image'tensorflow版本改动太大,新版2.7修改图像尺寸的函数变成了train_images = tf.image.resize(train_images, [32, 32])原创 2021-12-27 09:15:17 · 940 阅读 · 0 评论 -
TensorflowConv2D:AttributeError: ‘int‘ object has no attribute ‘lower‘
AttributeError: 'int' object has no attribute 'lower'出现问题原因: self.conv1 = Conv2D(filters=6, kernel_size=5, padding='same')当使用Conv2d层搭建网络,需要使用padding进行填充,但是Tensorflow的padding参数值只有两种可选方式,分别.原创 2021-12-27 09:01:53 · 4810 阅读 · 3 评论 -
ValueError: Negative dimension size caused by subtracting 5 from 1 for ‘{{node le_net5/conv2d/Conv2D
ValueError: Negative dimension size caused by subtracting 5 from 1 for '{{node le_net5/conv2d/Conv2D}} = Conv2D[T=DT_FLOAT, data_format="NHWC", dilations=[1, 1, 1, 1], explicit_paddings=[], padding="VALID", strides=[1, 1, 1, 1], use_cudnn_on_gpu=true](le_n原创 2021-12-26 21:57:16 · 885 阅读 · 0 评论 -
Tensorflow训练模型使用history绘制结果无绘制曲线解决方案
使用Tensorflow训练模型,然后调用history里面的日志数据,用于绘制结果,发现图中没有数据出现问题原因可能是你的epoch数为1,图中只是绘制了一个点,并不是没有数据,只是一个点无法看到而已,将epoch调大,这样就可以绘制出折线,两点确定一条直线。...原创 2021-12-26 18:44:17 · 4313 阅读 · 0 评论 -
thriftpy2.protocol.exc.TProtocolException: No protocol version header
thriftpy2.protocol.exc.TProtocolException: No protocol version headerTraceback (most recent call last): File "D:\Anaconda\lib\site-packages\thriftpy2\transport\socket.py", line 96, in open self.sock.connect(addr)ConnectionRefusedError: [WinError 1原创 2021-12-23 14:41:20 · 2568 阅读 · 0 评论 -
com.mysql.jdbc.exceptions.jdbc4.MySQLNonTransientConnectionException: Could not create connection to
使用Sqoop从MySQL向HDFS写入数据发生以下问题:发生原因:访问数据库权限不足、或者Sqoop中的mysql驱动版本过低ERROR manager.SqlManager: Error executing statement: com.mysql.jdbc.exceptions.jdbc4.MySQLNonTransientConnectionException: Could not create connection to database server.com.mysql.jdbc.exce原创 2021-12-23 11:13:20 · 917 阅读 · 0 评论 -
DeepCTR反复安装各种库numpy,tensorflow
pip install deepctr -i http://pypi.douban.com/simple/ --trusted-host pypi.douban.com最开始我用上面这条命令,可以安装,但是会反复的进行安装tensorflow各个版本以及numpy等,我安装了半个小时也没有停止,之后又执行了下面这条命令,然后依赖的各种环境都具备了,就成功了至于为什么,我也没有搞清楚pip install -U deepctr...原创 2021-05-27 10:16:16 · 1710 阅读 · 3 评论 -
Anaconda ValueError:check_hostname requires server_hostname
用Anaconda pip安装外部库时会报出ValueError:check_hostname requires server_hostname解决办法将urllib3降低个版本就可以了或者每次pip后加个–trusted-host原创 2021-05-27 08:40:49 · 1240 阅读 · 0 评论 -
params argument given to the optimizer should be an iterable
net=nn.Linear(100,1)optimizer_w=torch.optim.SGD(net.weight,lr=0.03,weight_decay=wd)>出现问题的原因是SGD函数所需的param参数应该是迭代器或者是张量对应的字典>但是此时net.weight就是个普通张量>解决办法:>optimizer_w=torch.optim.SGD([net.weight],lr=0.03,weight_decay=wd)>将net.weight变成列.原创 2021-05-25 11:33:44 · 3888 阅读 · 0 评论 -
NettyAvroRpcClient RPC connection error
2014-12-19 01:05:42,141 (lifecycleSupervisor-1-1) [WARN - org.apache.flume.sink.AbstractRpcSink.start(AbstractRpcSink.java:294)] Unable to create Rpc client using hostname: xxx.xxx.xxx.xxx, port: 41100org.apache.flume.FlumeException: NettyAvroRpcClient {原创 2021-04-27 21:02:57 · 1100 阅读 · 3 评论