本文整理汇总了Python中sklearn.preprocessing.StandardScaler方法的典型用法代码示例。如果您正苦于以下问题:Python preprocessing.StandardScaler方法的具体用法?Python preprocessing.StandardScaler怎么用?Python preprocessing.StandardScaler使用的例子?那么恭喜您, 这里精选的方法代码示例或许可以为您提供帮助。您也可以进一步了解该方法所在类sklearn.preprocessing
的用法示例。
在下文中一共展示了preprocessing.StandardScaler方法的15个代码示例,这些例子默认根据受欢迎程度排序。您可以为喜欢或者感觉有用的代码点赞,您的评价将有助于系统推荐出更棒的Python代码示例。
示例1: classify_1nn
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def classify_1nn(data_train, data_test):
'''
Classification using 1NN
Inputs: data_train, data_test: train and test csv file path
Outputs: yprediction and accuracy
'''
from sklearn.neighbors import KNeighborsClassifier
from sklearn.metrics import accuracy_score
from sklearn.preprocessing import StandardScaler
data = {'src': np.loadtxt(data_train, delimiter=','),
'tar': np.loadtxt(data_test, delimiter=','),
}
Xs, Ys, Xt, Yt = data['src'][:, :-1], data['src'][:, -
1], data['tar'][:, :-1], data['tar'][:, -1]
Xs = StandardScaler(with_mean=0, with_std=1).fit_transform(Xs)
Xt = StandardScaler(with_mean=0, with_std=1).fit_transform(Xt)
clf = KNeighborsClassifier(n_neighbors=1)
clf.fit(Xs, Ys)
ypred = clf.predict(Xt)
acc = accuracy_score(y_true=Yt, y_pred=ypred)
print('Acc: {:.4f}'.format(acc))
return ypred, acc
示例2: test_similar_results
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def test_similar_results(self):
global_seed(314159)
X = np.random.rand(100000, 5)
dp_ss = StandardScaler(bounds=(0, 1), epsilon=float("inf"))
dp_ss.fit(X)
sk_ss = sk_pp.StandardScaler()
sk_ss.fit(X)
self.assertTrue(np.allclose(dp_ss.mean_, sk_ss.mean_, rtol=1, atol=1e-4), "Arrays %s and %s should be close" %
(dp_ss.mean_, sk_ss.mean_))
self.assertTrue(np.allclose(dp_ss.var_, sk_ss.var_, rtol=1, atol=1e-4), "Arrays %s and %s should be close" %
(dp_ss.var_, sk_ss.var_))
self.assertTrue(np.all(dp_ss.n_samples_seen_ == sk_ss.n_samples_seen_))
示例3: test_accountant
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def test_accountant(self):
from diffprivlib.accountant import BudgetAccountant
acc = BudgetAccountant()
X = np.random.rand(10, 5)
ss = StandardScaler(epsilon=1, bounds=(0, 1), accountant=acc)
ss.fit(X)
self.assertEqual((1, 0), acc.total())
with BudgetAccountant(1.5, 0) as acc2:
ss = StandardScaler(epsilon=1, bounds=(0, 1))
ss.fit(X)
self.assertEqual((1, 0), acc2.total())
with self.assertRaises(BudgetError):
ss.fit(X)
self.assertEqual((1, 0), acc.total())
示例4: pca
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def pca(self, **kwargs):
if 'n_components' in kwargs:
nComp = kwargs['n_components']
else:
nComp = 0.995
if 'dates' in kwargs:
mat = self.to_matrix(kwargs['dates'])
else:
mat = self.to_matrix()
scaler = StandardScaler()
pca = PCA(n_components=nComp)
self._pipeline = Pipeline([('scaler', scaler), ('pca', pca)])
self._pipeline.fit(mat)
if 'file' in kwargs:
tofile(kwargs['file'], self._pipeline)
return self._pipeline
示例5: random_normal_draw
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def random_normal_draw(history, nb_samples, **kwargs):
"""Random normal distributed draws
Arguments:
history: numpy 2D array, with history along axis=0 and parameters
along axis=1
nb_samples: number of samples to draw
Returns:
numpy 2D array, with samples along axis=0 and parameters along axis=1
"""
scaler = StandardScaler()
scaler.fit(history)
scaled = scaler.transform(history)
sqrt_cov = sqrtm(empirical_covariance(scaled)).real
#Draw correlated random variables
#draws are generated transposed for convenience of the dot operation
draws = np.random.standard_normal((history.shape[-1], nb_samples))
draws = np.dot(sqrt_cov, draws)
draws = np.transpose(draws)
return scaler.inverse_transform(draws)
示例6: fetch
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def fetch(self, n_tr, n_val, n_test, seed=0):
x, y = self.load()
# split data
x_tr, x_val, y_tr, y_val = train_test_split(
x, y, train_size=n_tr, test_size=n_val+n_test, random_state=seed)
x_val, x_test, y_val, y_test = train_test_split(
x_val, y_val, train_size=n_val, test_size=n_test, random_state=seed+1)
# process x
if self.normalize:
scaler = StandardScaler()
scaler.fit(x_tr)
x_tr = scaler.transform(x_tr)
x_val = scaler.transform(x_val)
x_test = scaler.transform(x_test)
if self.append_one:
x_tr = np.c_[x_tr, np.ones(n_tr)]
x_val = np.c_[x_val, np.ones(n_val)]
x_test = np.c_[x_test, np.ones(n_test)]
return (x_tr, y_tr), (x_val, y_val), (x_test, y_test)
示例7: test_invalid_test_size
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def test_invalid_test_size(self):
rng = np.random.RandomState(seed=7)
with self.assertRaises(TypeError):
Simulator(bandits=[("example", MAB([0, 1], LearningPolicy.EpsilonGreedy()))],
decisions=[rng.randint(0, 2) for _ in range(10)],
rewards=[rng.randint(0, 100) for _ in range(10)],
contexts=[[rng.rand() for _ in range(5)] for _ in range(10)],
scaler=StandardScaler(), test_size=1, batch_size=0,
is_ordered=True, seed=7)
with self.assertRaises(ValueError):
Simulator(bandits=[("example", MAB([0, 1], LearningPolicy.EpsilonGreedy()))],
decisions=[rng.randint(0, 2) for _ in range(10)],
rewards=[rng.randint(0, 100) for _ in range(10)],
contexts=[[rng.rand() for _ in range(5)] for _ in range(10)],
scaler=StandardScaler(), test_size=50.0, batch_size=0,
is_ordered=True, seed=7)
示例8: test_invalid_batch_size
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def test_invalid_batch_size(self):
rng = np.random.RandomState(seed=7)
with self.assertRaises(TypeError):
Simulator(bandits=[("example", MAB([0, 1], LearningPolicy.EpsilonGreedy()))],
decisions=[rng.randint(0, 2) for _ in range(10)],
rewards=[rng.randint(0, 100) for _ in range(10)],
contexts=[[rng.rand() for _ in range(5)] for _ in range(10)],
scaler=StandardScaler(), test_size=0.4, batch_size=0.5,
is_ordered=True, seed=7)
with self.assertRaises(ValueError):
Simulator(bandits=[("example", MAB([0, 1], LearningPolicy.EpsilonGreedy()))],
decisions=[rng.randint(0, 2) for _ in range(10)],
rewards=[rng.randint(0, 100) for _ in range(10)],
contexts=[[rng.rand() for _ in range(5)] for _ in range(10)],
scaler=StandardScaler(), test_size=0.4, batch_size=10,
is_ordered=True, seed=7)
示例9: test_invalid_log_format
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def test_invalid_log_format(self):
rng = np.random.RandomState(seed=7)
with self.assertRaises(TypeError):
Simulator(bandits=[("example", MAB([0, 1], LearningPolicy.EpsilonGreedy()))],
decisions=[rng.randint(0, 2) for _ in range(10)],
rewards=[rng.randint(0, 100) for _ in range(10)],
contexts=[[rng.rand() for _ in range(5)] for _ in range(10)],
scaler=StandardScaler(), test_size=0.4, batch_size=0,
is_ordered=True, seed=7, log_format=7)
with self.assertRaises(TypeError):
Simulator(bandits=[("example", MAB([0, 1], LearningPolicy.EpsilonGreedy()))],
decisions=[rng.randint(0, 2) for _ in range(10)],
rewards=[rng.randint(0, 100) for _ in range(10)],
contexts=[[rng.rand() for _ in range(5)] for _ in range(10)],
scaler=StandardScaler(), test_size=0.4, batch_size=0,
is_ordered=True, seed=7, log_format=None)
示例10: test_simulator_mixed
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def test_simulator_mixed(self):
size = 100
decisions = [random.randint(0, 2) for _ in range(size)]
rewards = [random.randint(0, 1000) for _ in range(size)]
contexts = [[random.random() for _ in range(50)] for _ in range(size)]
n_jobs = 1
mixed = [('RandomRadius', MAB([0, 1], LearningPolicy.Random(), NeighborhoodPolicy.Radius(10), n_jobs=n_jobs)),
('Random', MAB([0, 1], LearningPolicy.Random(), n_jobs=n_jobs))]
sim = Simulator(mixed, decisions, rewards, contexts,
scaler=StandardScaler(), test_size=0.5, is_ordered=False, batch_size=0, seed=123456)
sim.run()
self.assertTrue(sim.bandit_to_confusion_matrices)
self.assertTrue(sim.bandit_to_predictions)
示例11: test_simulator_hyper_parameter
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def test_simulator_hyper_parameter(self):
size = 100
decisions = [random.randint(0, 2) for _ in range(size)]
rewards = [random.randint(0, 1000) for _ in range(size)]
contexts = [[random.random() for _ in range(50)] for _ in range(size)]
n_jobs = 1
hyper_parameter_tuning = []
for radius in range(6, 10):
hyper_parameter_tuning.append(('Radius' + str(radius),
MAB([0, 1], LearningPolicy.UCB1(1), NeighborhoodPolicy.Radius(radius),
n_jobs=n_jobs)))
sim = Simulator(hyper_parameter_tuning, decisions, rewards, contexts,
scaler=StandardScaler(), test_size=0.5, is_ordered=False, batch_size=0, seed=123456,
is_quick=True)
sim.run()
self.assertTrue(sim.bandit_to_confusion_matrices)
self.assertTrue(sim.bandit_to_predictions)
示例12: test_unused_arm_scaled2
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def test_unused_arm_scaled2(self):
context_history = np.array([[0, 1, 2, 3, 5], [1, 1, 1, 1, 1], [0, 0, 1, 0, 0], [0, 2, 2, 3, 5],
[1, 3, 1, 1, 1], [0, 0, 0, 0, 0], [0, 1, 4, 3, 5], [0, 1, 2, 4, 5],
[1, 2, 1, 1, 3], [0, 2, 1, 0, 0]], dtype='float64')
scaler = StandardScaler()
scaled_contexts = scaler.fit_transform(context_history)
scaled_predict = scaler.transform(np.array([[0, 1, 2, 3, 5], [1, 1, 1, 1, 1]], dtype='float64'))
arms, mab = self.predict(arms=[1, 2, 3, 4],
decisions=[1, 1, 1, 2, 2, 3, 3, 3, 3, 3],
rewards=[0, 0, 1, 0, 0, 0, 0, 1, 1, 1],
learning_policy=LearningPolicy.LinUCB(alpha=1),
context_history=scaled_contexts,
contexts=scaled_predict,
seed=123456,
num_run=1,
is_predict=True)
self.assertEqual(arms, [4, 4])
示例13: test_contextual_offline
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def test_contextual_offline(self):
rng = np.random.RandomState(seed=7)
bandits = []
counter = 0
for cp in TestSimulator.nps:
for lp in TestSimulator.lps:
bandits.append((str(counter), MAB([0, 1], lp, cp)))
counter += 1
for para in TestSimulator.parametric:
bandits.append((str(counter), MAB([0, 1], para)))
counter += 1
sim = Simulator(bandits=bandits,
decisions=[rng.randint(0, 2) for _ in range(20)],
rewards=[rng.randint(0, 2) for _ in range(20)],
contexts=[[rng.rand() for _ in range(5)] for _ in range(20)],
scaler=StandardScaler(), test_size=0.4, batch_size=0,
is_ordered=True, seed=7)
示例14: test_contextual_offline_run_n_jobs
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def test_contextual_offline_run_n_jobs(self):
rng = np.random.RandomState(seed=7)
bandits = []
counter = 0
for cp in TestSimulator.nps:
for lp in TestSimulator.lps:
bandits.append((str(counter), MAB([0, 1], lp, cp, n_jobs=2)))
counter += 1
for para in TestSimulator.parametric:
bandits.append((str(counter), MAB([0, 1], para, n_jobs=2)))
counter += 1
sim = Simulator(bandits=bandits,
decisions=[rng.randint(0, 2) for _ in range(20)],
rewards=[rng.randint(0, 2) for _ in range(20)],
contexts=[[rng.rand() for _ in range(5)] for _ in range(20)],
scaler=StandardScaler(), test_size=0.4, batch_size=0,
is_ordered=True, seed=7)
sim.run()
self.assertTrue(bool(sim.arm_to_stats_total))
self.assertTrue(bool(sim.bandit_to_predictions))
示例15: test_contextual_online
# 需要导入模块: from sklearn import preprocessing [as 别名]
# 或者: from sklearn.preprocessing import StandardScaler [as 别名]
def test_contextual_online(self):
rng = np.random.RandomState(seed=7)
bandits = []
counter = 0
for cp in TestSimulator.nps:
for lp in TestSimulator.lps:
bandits.append((str(counter), MAB([0, 1], lp, cp)))
counter += 1
for para in TestSimulator.parametric:
bandits.append((str(counter), MAB([0, 1], para)))
counter += 1
sim = Simulator(bandits=bandits,
decisions=[rng.randint(0, 2) for _ in range(100)],
rewards=[rng.randint(0, 2) for _ in range(100)],
contexts=[[rng.rand() for _ in range(5)] for _ in range(100)],
scaler=StandardScaler(), test_size=0.4, batch_size=5,
is_ordered=True, seed=7)
sim.run()
self.assertTrue(bool(sim.arm_to_stats_total))
self.assertTrue(bool(sim.bandit_to_predictions))
self.assertTrue('total' in sim.bandit_to_arm_to_stats_max['0'].keys())