簡體   English   中英

如何將 sklearn fit_transform 與 pandas 一起使用並返回 dataframe 而不是 numpy 數組?

[英]How to use sklearn fit_transform with pandas and return dataframe instead of numpy array?

我想將縮放(使用 sklearn.preprocessing 中的 StandardScaler())應用於 pandas dataframe。以下代碼返回 numpy 數組,因此我丟失了所有列名和索引。 這不是我想要的。

features = df[["col1", "col2", "col3", "col4"]]
autoscaler = StandardScaler()
features = autoscaler.fit_transform(features)

我在網上找到的“解決方案”是:

features = features.apply(lambda x: autoscaler.fit_transform(x))

它似乎有效,但會導致棄用警告:

/usr/lib/python3.5/site-packages/sklearn/preprocessing/data.py:583: DeprecationWarning: Passing 1d arrays as data is deprecated in 0.17 and will raise ValueError in 0.19. 如果您的數據具有單個特征,則使用 X.reshape(-1, 1) 重塑您的數據,如果它包含單個樣本,則使用 X.reshape(1, -1) 。

因此我嘗試:

features = features.apply(lambda x: autoscaler.fit_transform(x.reshape(-1, 1)))

但這給出了:

回溯(最近調用最后):文件“./analyse.py”,第 91 行,在 features = features.apply(lambda x: autoscaler.fit_transform(x.reshape(-1, 1))) 文件“/usr/ lib/python3.5/site-packages/pandas/core/frame.py”,第 3972 行,在 apply return self._apply_standard(f, axis, reduce=reduce) File “/usr/lib/python3.5/site- packages/pandas/core/frame.py”,第 4081 行,在 _apply_standard result = self._constructor(data=results, index=index) 文件“/usr/lib/python3.5/site-packages/pandas/core/frame .py", line 226, in init mgr = self._init_dict(data, index, columns, dtype=dtype) File "/usr/lib/python3.5/site-packages/pandas/core/frame.py", line 363,在 _init_dict dtype=dtype) 文件“/usr/lib/python3.5/site-packages/pandas/core/frame.py”,第 5163 行,在 _arrays_to_mgr arrays = _homogenize(arrays, index, dtype) 文件“/ usr/lib/python3.5/site-packages/pandas/core/frame.py”,第 5477 行,在 _homogenize raise_cast_failure=False) 文件“/usr/lib/python3.5/site-packages/pandas/core/series .py”,第 2885 行,在 _sa nitize_array raise Exception('Data must be 1-dimensional') 異常:Data must be 1-dimensional

如何對 pandas dataframe 應用縮放,而使 dataframe 完好無損? 如果可能,不復制數據。

您可以使用as_matrix()將 DataFrame 轉換為 numpy 數組。 隨機數據集的示例:

編輯:更改as_matrix()values ,(它不會改變結果)每最后一句as_matrix()文檔上面:

一般建議使用'.values'。

import pandas as pd
import numpy as np #for the random integer example
df = pd.DataFrame(np.random.randint(0.0,100.0,size=(10,4)),
              index=range(10,20),
              columns=['col1','col2','col3','col4'],
              dtype='float64')

注意,索引是 10-19:

In [14]: df.head(3)
Out[14]:
    col1    col2    col3    col4
    10  3   38  86  65
    11  98  3   66  68
    12  88  46  35  68

現在fit_transform DataFrame 以獲取scaled_features array

from sklearn.preprocessing import StandardScaler
scaled_features = StandardScaler().fit_transform(df.values)

In [15]: scaled_features[:3,:] #lost the indices
Out[15]:
array([[-1.89007341,  0.05636005,  1.74514417,  0.46669562],
       [ 1.26558518, -1.35264122,  0.82178747,  0.59282958],
       [ 0.93341059,  0.37841748, -0.60941542,  0.59282958]])

將縮放后的數據分配給 DataFrame(注意:使用indexcolumns關鍵字參數來保留原始索引和列名:

scaled_features_df = pd.DataFrame(scaled_features, index=df.index, columns=df.columns)

In [17]:  scaled_features_df.head(3)
Out[17]:
    col1    col2    col3    col4
10  -1.890073   0.056360    1.745144    0.466696
11  1.265585    -1.352641   0.821787    0.592830
12  0.933411    0.378417    -0.609415   0.592830

編輯2:

遇到了sklearn-pandas包。 它專注於使 scikit-learn 更易於與 Pandas 一起使用。 當您需要對DataFrame列子集應用多種類型的轉換時, sklearn-pandas特別有用,這是一種更常見的場景。 它已記錄在案,但這就是您實現我們剛剛執行的轉換的方式。

from sklearn_pandas import DataFrameMapper

mapper = DataFrameMapper([(df.columns, StandardScaler())])
scaled_features = mapper.fit_transform(df.copy(), 4)
scaled_features_df = pd.DataFrame(scaled_features, index=df.index, columns=df.columns)
import pandas as pd    
from sklearn.preprocessing import StandardScaler

df = pd.read_csv('your file here')
ss = StandardScaler()
df_scaled = pd.DataFrame(ss.fit_transform(df),columns = df.columns)

df_scaled 將是“相同”的數據幀,只有現在具有縮放值

features = ["col1", "col2", "col3", "col4"]
autoscaler = StandardScaler()
df[features] = autoscaler.fit_transform(df[features])

為我工作:

from sklearn.preprocessing import StandardScaler

cols = list(train_df_x_num.columns)
scaler = StandardScaler()
train_df_x_num[cols] = scaler.fit_transform(train_df_x_num[cols])

重新分配回 df.values 保留索引和列。

df.values[:] = StandardScaler().fit_transform(df)

這就是我所做的:

X.Column1 = StandardScaler().fit_transform(X.Column1.values.reshape(-1, 1))

您可以使用Neuraxle在 scikit-learn 中混合多種數據類型:

選項 1:丟棄行名和列名

from neuraxle.pipeline import Pipeline
from neuraxle.base import NonFittableMixin, BaseStep

class PandasToNumpy(NonFittableMixin, BaseStep):
    def transform(self, data_inputs, expected_outputs): 
        return data_inputs.values

pipeline = Pipeline([
    PandasToNumpy(),
    StandardScaler(),
])

然后,您按預期進行:

features = df[["col1", "col2", "col3", "col4"]]  # ... your df data
pipeline, scaled_features = pipeline.fit_transform(features)

選項2:保留原來的列名和行名

你甚至可以用這樣的包裝器來做到這一點:

from neuraxle.pipeline import Pipeline
from neuraxle.base import MetaStepMixin, BaseStep

class PandasValuesChangerOf(MetaStepMixin, BaseStep):
    def transform(self, data_inputs, expected_outputs): 
        new_data_inputs = self.wrapped.transform(data_inputs.values)
        new_data_inputs = self._merge(data_inputs, new_data_inputs)
        return new_data_inputs

    def fit_transform(self, data_inputs, expected_outputs): 
        self.wrapped, new_data_inputs = self.wrapped.fit_transform(data_inputs.values)
        new_data_inputs = self._merge(data_inputs, new_data_inputs)
        return self, new_data_inputs

    def _merge(self, data_inputs, new_data_inputs): 
        new_data_inputs = pd.DataFrame(
            new_data_inputs,
            index=data_inputs.index,
            columns=data_inputs.columns
        )
        return new_data_inputs

df_scaler = PandasValuesChangerOf(StandardScaler())

然后,您按預期進行:

features = df[["col1", "col2", "col3", "col4"]]  # ... your df data
df_scaler, scaled_features = df_scaler.fit_transform(features)

這與 MinMaxScaler 一起將數組值恢復到原始數據幀。 它也應該適用於 StandardScaler。

data_scaled = pd.DataFrame(scaled_features, index=df.index, columns=df.columns)

其中,data_scaled 是新數據框,scaled_features = 歸一化后的數組,df = 我們需要返回索引和列的原始數據框。

從 sklearn 1.2 版開始,estiamtors 可以返回一個保留列名的 DataFrame。 set_output可以通過調用set_output方法或通過設置set_config(transform_output="pandas")全局配置每個估計器

請參閱scikit-learn 1.2 的發布亮點 - 使用 set_output API 的 Pandas 輸出

set_output()示例:

from sklearn.preprocessing import StandardScaler
scaler = StandardScaler().set_output(transform="pandas")

set_config()示例:

from sklearn import set_config
set_config(transform_output="pandas")

你可以試試這個代碼,這會給你一個帶索引的 DataFrame

import pandas as pd
from sklearn.preprocessing import StandardScaler
from sklearn.datasets import load_boston # boston housing dataset

dt= load_boston().data
col= load_boston().feature_names

# Make a dataframe
df = pd.DataFrame(data=dt, columns=col)

# define a method to scale data, looping thru the columns, and passing a scaler
def scale_data(data, columns, scaler):
    for col in columns:
        data[col] = scaler.fit_transform(data[col].values.reshape(-1, 1))
    return data

# specify a scaler, and call the method on boston data
scaler = StandardScaler()
df_scaled = scale_data(df, col, scaler)

# view first 10 rows of the scaled dataframe
df_scaled[0:10]

您可以使用slicing直接將 numpy 數組分配給數據框。

from sklearn.preprocessing import StandardScaler
features = df[["col1", "col2", "col3", "col4"]]
autoscaler = StandardScaler()
features[:] = autoscaler.fit_transform(features.values)
class  StandardScalerDF:

    def __init__(self, with_mean: bool = True, with_std: bool = True):
        self.with_mean = with_mean
        self.with_std = with_std
        
    def fit(self, data):
        self.scaler = StandardScaler(copy=True, with_mean=self.with_mean, 
                                     with_std=self.with_std).fit(data)
        return self.scaler
    
    def transform(self, data):
        return pd.DataFrame(self.scaler.transform(data), columns=data.columns,
                            index=data.index)

#example: 
obj = StandardScalerDF()
obj.fit(data_as_df)
scaled_data_df = obj.transform(data_as_df) #data type: DataFrame

暫無
暫無

聲明:本站的技術帖子網頁,遵循CC BY-SA 4.0協議,如果您需要轉載,請注明本站網址或者原文地址。任何問題請咨詢:yoyou2525@163.com.

 
粵ICP備18138465號  © 2020-2024 STACKOOM.COM