尝试使用minkowski距离和传递权重,但sklearn度量不允许这样做。尝试使用scipy中的pdist和cdist,但这些命令会事先计算距离!
import pandas as pd
from sklearn.neighbors import NearestNeighbors
X = pd.read_csv('.file.csv')
weights = [1] * X.shape[1] # filled with 1's for now
nbrs = NearestNeighbors(
我在Kaggle上腌制了一个模型,并试图下载它在本地运行。我使用诗歌和pyenv运行以下命令来创建一个项目:
pyenv local 3.6.6
poetry new model_api
cd model_test
poetry env use python
poetry add "sklearn>=0.21.3"
但收到下面的错误。
如果我简单地使用sklearn并用诗歌安装它,那么在VS代码中执行我的代码时就会出现这个错误。
/bin/python /home/gary/Documents/model_api/model_api/app.py
Tra
我正在使用新的xgboost-distribution module 我将以下内容输入到我的文件中 from sklearn.datasets import load_boston
from sklearn.model_selection import train_test_split
from xgboost_distribution import XGBDistribution
if __name__ == '__main__':
data = load_boston()
X, y = data.data, data.target
X_trai
每次我尝试在Google Collab中安装HyperOpt-Sklearn库时,都会出现以下错误: fatal: destination path 'hyperopt-sklearn' already exists and is not an empty directory.
/bin/bash: line 0: cd: hyperopt: No such file or directory
ERROR: File "setup.py" not found. Directory cannot be installed in editable mode: /c
我正在尝试使用支持向量机对我的数据进行拟合和分类。我的输入数据由11个特征(维度)和1335个样本组成,输出数据由17个类(1335x17)组成
from sklearn.svm import SVC
svclassifier = SVC(kernel='linear')
svccl = svclassifier.fit(x_train, y_train)
(甚至对于kernel = poly),我得到以下错误:
ValueError: y should be a 1d array, got an array of shape (934, 17) instead.
当我尝试使用
导入sklearn时,出现以下错误:
python3: Relink `/home/xx/xx/xx/xx/xx/xx/lib/python3.6/site-packages/sklearn/__check_build/../.libs/libgomp-3300acd3.so.1.0.0' with `/lib/x86_64-linux-gnu/librt.so.1' for IFUNC symbol `clock_getres'
python3: Relink `/home/xx/xx/xx/xx/xx/xx/lib/python3.6/site-packages/s
我正在尝试将分位数回归模型与我的输入数据相匹配。我想使用sklearn,但当我试图适应这个模型时,我得到了一个内存分配错误。与statsmodels等效函数相同的数据运行良好。
我得到的错误如下:
numpy.core._exceptions._ArrayMemoryError: Unable to allocate 55.9 GiB for an array with shape (86636, 86636) and data type float64
没有任何意义,我的X和y分别是形状(86636,4)和(86636,1)。
这是我的剧本:
import pandas as pd
impo
我试着用scikit学习logistic回归对多类数据进行分类。我用一个热编码器对类进行编码。但是,当我尝试相同的,我得到了糟糕的输入形状错误。在sklearn回归中是否可以使用一个热编码值?
from sklearn.preprocessing import OneHotEncoder
import numpy as np
from sklearn.linear_model import LogisticRegression
from sklearn.feature_extraction.text import CountVectorizer
onehot_encoder = OneHotE
我正在尝试使用sklearn_hierarchical_classification构建一个分层分类模型。
from sklearn_hierarchical_classification.classifier import HierarchicalClassifier
from sklearn_hierarchical_classification.constants import ROOT
from sklearn_hierarchical_classification.metrics import h_fbeta_score, multi_labeled
from sklearn_hie
我曾经创建循环来为我的模型找到最佳参数,这增加了我在编码中的错误,所以我决定使用GridSearchCV。
我试图为我的模型(我想要网格搜索的唯一参数)找出PCA的最佳参数。
在该模型中,经过归一化后,将原始特征与PCA约简特征相结合,然后应用线性支持向量机。
然后我保存整个模型来预测我的输入。
在试图拟合数据的行中出现了一个错误,以便我可以使用best_estimator_和best_params_函数。
错误是:TypeError: The score function should be a callable, all (<type 'str'>) was p
我一直在尝试在回归树(或随机森林回归树)中使用分类输入,但sklearn总是返回错误并要求输入数字。
import sklearn as sk
MODEL = sk.ensemble.RandomForestRegressor(n_estimators=100)
MODEL.fit([('a',1,2),('b',2,3),('a',3,2),('b',1,3)], [1,2.5,3,4]) # does not work
MODEL.fit([(1,1,2),(2,2,3),(1,3,2),(2,1,3)], [1,2.5,3,
你好,我有一个单元测试,当我在控制台上运行时,它运行良好,但是当我使用docker进行打包时,会出现以下错误:
import nmslib
ImportError: dlopen: cannot load any more object with static TLS
我在谷歌上搜索过这个,他们说要摆脱它,你必须订购你的进口商品。
我已经尝试了所有可能的订单,但仍然得到了错误,我有以下导入
import nmslib
import numpy as np
import time, math_utils, os, urllib, tables, math
from math import co
目前,我正在尝试将一个模型从sklearn导出到Android。为此,我使用库sklearn-porter (sklearn-porter)。 这将从经过训练的模型生成一个Java类,如下所示: class DecisionTreeClassifier {
public static int predict(double[] features) {
int[] classes = new int[2];
if (features[350] <= 0.5156863033771515) {
if (features[568