- android - 多次调用 OnPrimaryClipChangedListener
- android - 无法更新 RecyclerView 中的 TextView 字段
- android.database.CursorIndexOutOfBoundsException : Index 0 requested, 光标大小为 0
- android - 使用 AppCompat 时,我们是否需要明确指定其 UI 组件(Spinner、EditText)颜色
导入tensorflow时出现以下错误:
Intel MKL ERROR: Parameter 4 was incorrect on entry to DLASCL.
Intel MKL ERROR: Parameter 4 was incorrect on entry to DLASCL. Traceback (most recent call last):
File "/xxx/skript.py", line 25, in h1 = LSTM(50)(input1) File "/xxx/anaconda3/lib/python3.6/site-packages/keras/layers/recurrent.py", line 268, in call return super(Recurrent, self).call(inputs, **kwargs)
File "/xxx/anaconda3/lib/python3.6/site-packages/keras/engine/topology.py", line 575, in call self.build(input_shapes[0])
File "/xxx/anaconda3/lib/python3.6/site-packages/keras/layers/recurrent.py", line 1034, in build constraint=self.recurrent_constraint)
File "/xxx/anaconda3/lib/python3.6/site-packages/keras/legacy/interfaces.py", line 87, in wrapper return func(*args, **kwargs)
File "/xxx/anaconda3/lib/python3.6/site-packages/keras/engine/topology.py", line 396, in add_weight weight = K.variable(initializer(shape),
File "/xxx/anaconda3/lib/python3.6/site-packages/keras/initializers.py", line 247, in call u, _, v = np.linalg.svd(a, full_matrices=False)
File "/xxx/anaconda3/lib/python3.6/site-packages/numpy/linalg/linalg.py", line 1389, in svd u, s, vt = gufunc(a, signature=signature, extobj=extobj)
File "/xxx/anaconda3/lib/python3.6/site-packages/numpy/linalg/linalg.py", line 99, in _raise_linalgerror_svd_nonconvergence raise LinAlgError("SVD did not converge") numpy.linalg.linalg.LinAlgError: SVD did not convergeProcess finished with exit code 1
使用通用脚本,您也可以将其用于测试:
import tensorflow as tf
from keras.models import Model
from keras.layers import Input
from keras.layers import Dense
from keras.layers import LSTM
from keras.layers.merge import Concatenate
import numpy as np
# Length of sequence.
sequence_length = 300
# Number of base features
num_features = 15
# Number of events
num_event_features = 20
# Input
input1 = Input(shape=(sequence_length, num_features))
# Build first LSTM on the first input.
h1 = LSTM(50)(input1)
# Apply the dense layer for prediction.
prediction = Dense(1)(h1)
# Define the keras model.
model = Model(inputs=[input1], outputs=[prediction])
model.compile(loss='binary_crossentropy', optimizer='adam',
metrics=['accuracy'])
# Generate some random data for testing.
X1 = np.random.rand(1000, sequence_length, num_features).astype(np.float32)
Y = np.random.choice([0, 1], size=1000).astype(np.float32)
# Train the model on random data.
model.fit(x=[X1], y=Y)
如果我删除 import tensorflow as tf,网络将被训练而不会出现错误消息。我正在使用 Keras 2.0.8、python 3.6 和tensorflow 1.3.0。安装 Tensorflow 是为了支持 Ubuntu、python 3.6 和 GPU。
最佳答案
安装 mkl-service 后我遇到了类似的问题。卸载它为我解决了这个问题。
关于python - 将 tensorflow 导入 Keras skript 时出现 LinAlgError ("SVD did not converge"),我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/46979181/
代码: import numpy from matplotlib.mlab import PCA file_name = "store1_pca_matrix.txt" ori_data = nump
我在为 ARIMA 建模和检查 MSE 时遇到了一个奇怪的问题。 这是我正在尝试的代码。 from sklearn.metrics import mean_squared_error import s
下面的调用: rbf = Rbf(points[0], points[1], values,epsilon=2) 导致错误: LinAlgError: singular matrix 具有以下值: I
在我尝试对周期性边界条件二维数组的方差-协方差矩阵执行 cholesky 分解时,在某些参数组合下,我总是得到 LinAlgError: Matrix is not positive definite
背景:我正在开发一个使用statsmodels的程序,该程序适合27个arima模型(p,d,q = 0,1,2)到100多个变量,并为AR/选择具有最低aic和具有统计意义的t统计量的模型Dicke
这是我的 numpy 数组: z [[ 3.90311860e-322 1.83939721e-001] [ 0.00000000e+000 1.83939721e-001] [ 0
我有一个数组: Num Col2 Col3 Col4 1 6 1 1 2 60 0 2 3 60 0 1 4 6 0
我正在尝试在两个时间序列上运行 grangercausalitytests: import numpy as np import pandas as pd from statsmodels.tsa.s
我需要解一组形式为 的联立方程组一个 x = 乙 对于 x。我使用了 numpy.linalg.solve 函数,输入了 A 和 B,但我收到错误“LinAlgError:数组的最后 2 个维度必须是
我有一些分散的一维数据集,我想使用 scipy.interpolate.Rbf 函数对 rbf 函数进行插值。但是,对于一组特定的数据,插值似乎无法给出 LinAlgError:奇异矩阵错误。 x-y
我有一些分散的一维数据集,我想使用 scipy.interpolate.Rbf 函数对 rbf 函数进行插值。但是,对于一组特定的数据,插值似乎无法给出 LinAlgError:奇异矩阵错误。 x-y
我正在使用 Pycharm 运行机器学习界面代码。 SVM 算法不断使我的界面崩溃,并出现以下错误: line 1220, in pushButton_8_handlerax1 = sns.distp
我正在为具有 34 个因变量的 logit 模型建模数据,并且它不断抛出奇异矩阵错误,如下所示 -: Traceback (most recent call last): File "", lin
我在尝试使用 scipy.stats.multivariate_normal 时遇到问题,希望你们中的某个人能够提供帮助。 我有一个 2x2 矩阵,可以找到使用 numpy.linalg.inv()
导入tensorflow时出现以下错误: Intel MKL ERROR: Parameter 4 was incorrect on entry to DLASCL. Intel MKL ERROR:
我一直在努力解决一个已知并记录在案的 SVD 收敛问题。在阅读了其他人提出的类似问题后,我仔细检查了我的数据并将其缩减为一个很小的 DataFrame——只有 10 行/2 列——都是 float
标题说明了一切。我正在调用 np.linalg.eig 并收到此错误消息,但如果我调用 np.isnan(X).any() 或 np.isinf (X).any() 它们都返回 False 我用来进行
我是一名优秀的程序员,十分优秀!