python 参考:[Python中使用Keras深度学习库的回归教程](http://machinelearningmastery.com/regression-tutorial-keras-

Posted

tags:

篇首语:本文由小常识网(cha138.com)小编为大家整理,主要介绍了python 参考:[Python中使用Keras深度学习库的回归教程](http://machinelearningmastery.com/regression-tutorial-keras-相关的知识,希望对你有一定的参考价值。

#!/usr/bin/env python

import urllib2
import numpy as np
from keras.models import Sequential
from keras.layers import Dense
from keras.wrappers.scikit_learn import KerasRegressor
from sklearn.model_selection import cross_val_score
from sklearn.model_selection import KFold
from sklearn.preprocessing import StandardScaler
from sklearn.pipeline import Pipeline


def load_data():
    X = []
    Y = []
    data_url = 'https://archive.ics.uci.edu/ml/machine-learning-databases/housing/housing.data'
    for line in urllib2.urlopen(data_url).readlines():
        line = map(float, line.split())
        X.append(line[0:13])
        Y.append(line[13])
    return X, Y


def basic_model():
    # create model
    model = Sequential()
    model.add(Dense(13, input_dim=13, kernel_initializer='normal', activation='relu'))
    model.add(Dense(1, kernel_initializer='normal'))
    # compile model
    model.compile(loss='mean_squared_error', optimizer='adam')
    return model


def deeper_model():
    # create model
    model = Sequential()
    model.add(Dense(13, kernel_initializer='normal', activation='relu', input_dim=13))
    model.add(Dense(6,  kernel_initializer='normal', activation='relu'))
    model.add(Dense(1,  kernel_initializer='normal'))
    # compile model
    model.compile(loss='mean_squared_error', optimizer='adam')
    return model


def wider_model():
    # create model
    model = Sequential()
    model.add(Dense(20, input_dim=13, kernel_initializer='normal', activation='relu'))
    model.add(Dense(1, kernel_initializer='normal'))
    # compile model
    model.compile(loss='mean_squared_error', optimizer='adam')
    return model


def train(X, Y, fn, standardize=True, seed=7):
    np.random.seed(seed)
    estimators = []
    if standardize:
        estimators.append(('standardize', StandardScaler()))
    estimators.append(('mlp', KerasRegressor(build_fn=fn, epochs=50, batch_size=5, verbose=0)))
    pipeline = Pipeline(estimators)
    kfold = KFold(n_splits=10, random_state=seed)
    results = cross_val_score(pipeline, X, Y, cv=kfold)
    print('Result: %.2f (%.2f) MSE' % (results.mean(), results.std()))



if __name__ == '__main__':
    X, Y = load_data()
    train(X, Y, fn=basic_model,  standardize=False, seed=7)
    train(X, Y, fn=basic_model,  standardize=True,  seed=7)
    train(X, Y, fn=deeper_model, standardize=True,  seed=7)
    train(X, Y, fn=wider_model,  standardize=True,  seed=7)

以上是关于python 参考:[Python中使用Keras深度学习库的回归教程](http://machinelearningmastery.com/regression-tutorial-keras-的主要内容,如果未能解决你的问题,请参考以下文章

keras 与 tensorflow.python.keras - 使用哪一个?

如何在 Python 2.7.18 中安装 Keras 和 Tensorflow?

学习Keras:《Keras快速上手基于Python的深度学习实战》PDF代码+mobi

如何检查安装了哪个版本的 Keras?

python中Keras下载mnist数据集

keras与tensorflow.python.keras - 使用哪一个?